gyigit commited on
Commit
b68823e
1 Parent(s): c64ff83
This view is limited to 50 files because it contains too many changes.   See raw diff
Files changed (50) hide show
  1. .gitattributes +0 -36
  2. .gitignore +0 -2
  3. README.md +0 -315
  4. app.py +0 -189
  5. assets/DrugGEN_Figure1.gif +0 -0
  6. assets/DrugGEN_Figure1_1.gif +0 -0
  7. assets/DrugGEN_Figure1_2.gif +0 -0
  8. assets/DrugGEN_Figure1_final3.gif +0 -3
  9. assets/DrugGEN_Figure1_final_v1.gif +0 -3
  10. assets/DrugGEN_G1_4.gif +0 -0
  11. assets/DrugGEN_G1_final2.gif +0 -0
  12. assets/DrugGEN_G2_3.gif +0 -0
  13. assets/DrugGEN_G2_final2.gif +0 -0
  14. assets/Selected_denovo_AKT1_inhibitors.png +0 -0
  15. assets/druggen_figure1_mod.gif +0 -3
  16. assets/druggen_figures(1).gif +0 -3
  17. assets/fig1_2.gif +0 -3
  18. assets/generator_1.gif +0 -3
  19. assets/generator_1_mod.gif +0 -0
  20. assets/generator_2.gif +0 -3
  21. assets/generator_2_mod.gif +0 -0
  22. assets/molecule_1.png +0 -0
  23. assets/molecule_2.png +0 -0
  24. data/NP_score.pkl.gz +0 -3
  25. data/SA_score.pkl.gz +0 -3
  26. data/akt/2x39_X39_BS_adj.csv +0 -0
  27. data/akt/2x39_X39_BS_adj_euc.csv +0 -0
  28. data/akt/2x39_X39_BS_annot.csv +0 -499
  29. data/akt/4gv1_0XZ_BS_adj.csv +0 -0
  30. data/akt/4gv1_0XZ_BS_adj_euc.csv +0 -0
  31. data/akt/4gv1_0XZ_BS_annot.csv +0 -499
  32. data/akt/AKT1_human_adj.pt +0 -3
  33. data/akt/AKT1_human_annot.pt +0 -3
  34. data/akt/AKT2_human_adj.pt +0 -3
  35. data/akt/AKT2_human_annot.pt +0 -3
  36. data/akt/AKT3_human_adj.pt +0 -3
  37. data/akt/AKT3_human_annot.pt +0 -3
  38. data/akt/akt3_0XZ_BS_adj.csv +0 -0
  39. data/akt/akt3_0XZ_BS_adj_euc.csv +0 -0
  40. data/akt/akt3_0XZ_BS_annot.csv +0 -499
  41. data/akt/akt_test.pt +0 -3
  42. data/akt/akt_train.pt +0 -3
  43. data/akt/pre_filter.pt +0 -3
  44. data/akt/pre_transform.pt +0 -3
  45. data/akt_inhibitors.smi +0 -0
  46. data/akt_test.pt +0 -3
  47. data/akt_test.smi +0 -320
  48. data/akt_train.pt +0 -3
  49. data/akt_train.smi +0 -0
  50. data/chembl45_test.pt +0 -3
.gitattributes DELETED
@@ -1,36 +0,0 @@
1
- *.7z filter=lfs diff=lfs merge=lfs -text
2
- *.arrow filter=lfs diff=lfs merge=lfs -text
3
- *.bin filter=lfs diff=lfs merge=lfs -text
4
- *.bz2 filter=lfs diff=lfs merge=lfs -text
5
- *.ckpt filter=lfs diff=lfs merge=lfs -text
6
- *.ftz filter=lfs diff=lfs merge=lfs -text
7
- *.gz filter=lfs diff=lfs merge=lfs -text
8
- *.h5 filter=lfs diff=lfs merge=lfs -text
9
- *.joblib filter=lfs diff=lfs merge=lfs -text
10
- *.lfs.* filter=lfs diff=lfs merge=lfs -text
11
- *.mlmodel filter=lfs diff=lfs merge=lfs -text
12
- *.model filter=lfs diff=lfs merge=lfs -text
13
- *.msgpack filter=lfs diff=lfs merge=lfs -text
14
- *.npy filter=lfs diff=lfs merge=lfs -text
15
- *.npz filter=lfs diff=lfs merge=lfs -text
16
- *.onnx filter=lfs diff=lfs merge=lfs -text
17
- *.ot filter=lfs diff=lfs merge=lfs -text
18
- *.parquet filter=lfs diff=lfs merge=lfs -text
19
- *.pb filter=lfs diff=lfs merge=lfs -text
20
- *.pickle filter=lfs diff=lfs merge=lfs -text
21
- *.pkl filter=lfs diff=lfs merge=lfs -text
22
- *.pt filter=lfs diff=lfs merge=lfs -text
23
- *.pth filter=lfs diff=lfs merge=lfs -text
24
- *.rar filter=lfs diff=lfs merge=lfs -text
25
- *.safetensors filter=lfs diff=lfs merge=lfs -text
26
- saved_model/**/* filter=lfs diff=lfs merge=lfs -text
27
- *.tar.* filter=lfs diff=lfs merge=lfs -text
28
- *.tflite filter=lfs diff=lfs merge=lfs -text
29
- *.tgz filter=lfs diff=lfs merge=lfs -text
30
- *.wasm filter=lfs diff=lfs merge=lfs -text
31
- *.xz filter=lfs diff=lfs merge=lfs -text
32
- *.zip filter=lfs diff=lfs merge=lfs -text
33
- *.zst filter=lfs diff=lfs merge=lfs -text
34
- *tfevents* filter=lfs diff=lfs merge=lfs -text
35
- assets/ filter=lfs diff=lfs merge=lfs -text
36
- data/chembl_train.smi filter=lfs diff=lfs merge=lfs -text
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
.gitignore DELETED
@@ -1,2 +0,0 @@
1
- .venv/
2
- *.pyc
 
 
 
README.md DELETED
@@ -1,315 +0,0 @@
1
- ---
2
- title: Druggen
3
- sdk: gradio
4
- app_file: gradio_app.py
5
- emoji: 💊
6
- colorFrom: red
7
- colorTo: green
8
- ---
9
- # DrugGEN: Target Centric De Novo Design of Drug Candidate Molecules with Graph Generative Deep Adversarial Networks
10
-
11
-
12
-
13
- <p align="center">
14
- <a href="https://github.com/HUBioDataLab/DrugGEN/files/10828402/2302.07868.pdf"><img src="https://img.shields.io/badge/paper-report-red"/></a>
15
- <a href="http://www.gnu.org/licenses/"><img src="https://img.shields.io/badge/License-GPLv3-blue.svg"/></a>
16
-
17
- </p>
18
-
19
- <!--PUT HERE SOME QUALITATIVE RESULTS IN THE ASSETS FOLDER-->
20
- <!--YOU CAN PUT ALSO IN THE GIF OR PNG FORMAT -->
21
- <!--<p float="center">
22
- <img src="assets/sample1.png" width="49%" />
23
- <img src="assets/sample2.png" width="49%" />
24
- </p>-->
25
-
26
-
27
- ## Updated Pre-print!
28
-
29
- **Please see our most up-to-date document (pre-print) from 15.02.2023 here:** [2302.07868.pdf](https://github.com/HUBioDataLab/DrugGEN/files/10828402/2302.07868.pdf), [arXiv link](https://arxiv.org/abs/2302.07868)
30
-
31
- &nbsp;
32
- &nbsp;
33
-
34
- ## Abstract
35
-
36
- Discovering novel drug candidate molecules is one of the most fundamental and critical steps in drug development. Generative deep learning models, which create synthetic data given a probability distribution, have been developed with the purpose of picking completely new samples from a partially known space. Generative models offer high potential for designing de novo molecules; however, in order for them to be useful in real-life drug development pipelines, these models should be able to design target-specific molecules, which is the next step in this field. In this study, we propose DrugGEN, for the de novo design of drug candidate molecules that interact with selected target proteins. The proposed system represents compounds and protein structures as graphs and processes them via serially connected two generative adversarial networks comprising graph transformers. DrugGEN is trained using a large dataset of compounds from ChEMBL and target-specific bioactive molecules, to design effective and specific inhibitory molecules against the AKT1 protein, which has critical importance for developing treatments against various types of cancer. On fundamental benchmarks, DrugGEN models have either competitive or better performance against other methods. To assess the target-specific generation performance, we conducted further in silico analysis with molecular docking and deep learning-based bioactivity prediction. Results indicate that de novo molecules have high potential for interacting with the AKT1 protein structure in the level of its native ligand. DrugGEN can be used to design completely novel and effective target-specific drug candidate molecules for any druggable protein, given target features and a dataset of experimental bioactivities. Code base, datasets, results and trained models of DrugGEN are available in this repository.
37
-
38
- Our up-to-date pre-print is shared [here](https://github.com/HUBioDataLab/DrugGEN/files/10828402/2302.07868.pdf)
39
-
40
- <!--Check out our paper below for more details
41
-
42
- > [**DrugGEN: Target Centric De Novo Design of Drug Candidate Molecules with Graph Generative Deep Adversarial Networks
43
- **](link here),
44
- > [Atabey Ünlü](https://tr.linkedin.com/in/atabeyunlu), [Elif Çevrim](https://www.linkedin.com/in/elifcevrim/?locale=en_US), [Ahmet Sarıgün](https://asarigun.github.io/), [Heval Ataş](https://www.linkedin.com/in/heval-atas/), [Altay Koyaş](https://www.linkedin.com/in/altay-koya%C5%9F-8a6118a1/?originalSubdomain=tr), [Hayriye Çelikbilek](https://www.linkedin.com/in/hayriye-celikbilek/?originalSubdomain=tr), [Deniz Cansen Kahraman](https://www.linkedin.com/in/deniz-cansen-kahraman-6153894b/?originalSubdomain=tr), [Abdurrahman Olğaç](https://www.linkedin.com/in/aolgac/?originalSubdomain=tr), [Ahmet S. Rifaioğlu](https://saezlab.org/person/ahmet-sureyya-rifaioglu/), [Tunca Doğan](https://yunus.hacettepe.edu.tr/~tuncadogan/)
45
- > *Arxiv, 2020* -->
46
-
47
- &nbsp;
48
- &nbsp;
49
-
50
- <!--PUT THE ANIMATED GIF VERSION OF THE DRUGGEN MODEL (Figure 1)-->
51
- <p float="center">
52
- <img src="assets/DrugGEN_Figure1_final_v1.gif" width="100%" />
53
- </p>
54
-
55
- **Fig. 1.** **(A)** Generator (*G1*) of the GAN1 consists of an MLP and graph transformer encoder module. The generator encodes the given input into a new representation; **(B)** the MLP-based discriminator (*D1*) of GAN1 compares the generated de novo molecules to the real ones in the training dataset, scoring them for their assignment to the classes of “real” and “fake” molecules; **(C)** Generator (*G2*) of GAN2 makes use of the transformer decoder architecture to process target protein features and GAN1 generated de novo molecules together. The output of the generator two (*G2*) is the modified molecules, based on the given protein features; **(D)** the second discriminator (*D2*) takes the modified de novo molecules and known inhibitors of the given target protein and scores them for their assignment to the classes of “real” and “fake” inhibitors.
56
-
57
- &nbsp;
58
- &nbsp;
59
-
60
- ## Transformer Modules
61
-
62
- Given a random noise *z*, **the first generator** *G1* (below, on the left side) creates annotation and adjacency matrices of a supposed molecule. *G1* processes the input by passing it through a multi-layer perceptron (MLP). The input is then fed to the transformer encoder module [Vaswani et al., (2017)](https://arxiv.org/abs/1706.03762), which has a depth of 8 encoder layers with 8 multi-head attention heads for each. In the graph transformer setting, *Q*, *K* and *V* are the variables representing the annotation matrix of the molecule. After the final products are created in the attention mechanism, both the annotation and adjacency matrices are forwarded to layer normalization and then summed with the initial matrices to create a residual connection. These matrices are fed to separate feedforward layers, and finally, given to the discriminator network *D1* together with real molecules.
63
-
64
- **The second generator** *G2* (below, on the right side) modifies molecules that were previously generated by *G1*, with the aim of generating binders for the given target protein. *G2* module utilizes the transformer decoder architecture. This module has a depth of 8 decoder layers and uses 8 multi-head attention heads for each. *G2* takes both *G1(z)*, which is data generated by *G1*, and the protein features as input. Interactions between molecules and proteins are processed inside the multi-head attention module via taking their scaled dot product, and thus, new molecular graphs are created. Apart from the attention mechanism, further processing of the molecular matrices follows the same workflow as the transformer encoder. The output of this module are the final product of the DrugGEN model and are forwarded to *D2*.
65
-
66
-
67
- <!--PUT HERE 1-2 SENTECE FOR METHOD WHICH SHOULD BE SHORT Pleaser refer to our [arXiv report](link here) for further details.-->
68
-
69
-
70
- <!-- - supports both CPU and GPU inference (though GPU is way faster), -->
71
- <!-- ADD HERE SOME FEATURES FOR DRUGGEN & SUMMARIES & BULLET POINTS -->
72
-
73
-
74
- <!-- ADD THE ANIMATED GIF VERSION OF THE GAN1 AND GAN2 -->
75
- | First Generator | Second Generator |
76
- |------------------------------------------------------------------------------------------------------------|--------------------------------------------------------------------------------------------------------------------|
77
- | ![FirstGAN](assets/DrugGEN_G1_final2.gif) | ![SecondGAN](assets/DrugGEN_G2_final2.gif) |
78
-
79
- &nbsp;
80
- &nbsp;
81
-
82
- ## Model Variations
83
-
84
- - **DrugGEN-Prot** (the default model) is composed of two GANs. It incorporates protein features to the transformer decoder module of GAN2 (together with the de novo molecules generated by GAN1) to direct the target centric molecule design. The information provided above belongs to this model.
85
- - **DrugGEN-CrossLoss** is composed of only one GAN. The input of the GAN1 generator is the real molecules (ChEMBL) dataset (to ease the learning process) and the GAN1 discriminator compares the generated molecules with the real inhibitors of the given target protein.
86
- - **DrugGEN-Ligand** is composed of two GANs. It incorporates AKT1 inhibitor molecule features as the input of the GAN2-generator’s transformer decoder instead of the protein features in the default model.
87
- - **DrugGEN-RL** utilizes the same architecture as the DrugGEN-Ligand model. It uses reinforcement learning (RL) to avoid using molecular scaffolds that are already presented in the training set.
88
- - **DrugGEN-NoTarget** is composed of only one GAN. This model only focuses on learning the chemical properties from the ChEMBL training dataset, as a result, there is no target-specific generation.
89
-
90
- &nbsp;
91
- &nbsp;
92
-
93
- ## Files & Folders
94
-
95
- We provide the implementation of the DrugGEN, along with scripts from PyTorch Geometric framework to generate and run. The repository is organised as follows:
96
-
97
- ```data``` contains:
98
- - **Raw dataset files**, which should be text files containing SMILES strings only. Raw datasets preferably should not contain stereoisomeric SMILES to prevent Hydrogen atoms to be included in the final graph data.
99
- - Constructed **graph datasets** (.pt) will be saved in this folder along with atom and bond encoder/decoder files (.pk).
100
-
101
- ```experiments``` contains:
102
- - ```logs``` folder. Model loss and performance metrics will be saved in this directory in seperate files for each model.
103
- - ```tboard_output``` folder. Tensorboard files will be saved here if TensorBoard is used.
104
- - ```models``` folder. Models will be saved in this directory at last or preferred steps.
105
- - ```samples``` folder. Molecule samples will be saved in this folder.
106
- - ```inference``` folder. Molecules generated in inference mode will be saved in this folder.
107
-
108
- **Python scripts:**
109
-
110
- - ```layers.py``` contains **transformer encoder** and **transformer decoder** implementations.
111
- - ```main.py``` contains arguments and this file is used to run the model.
112
- - ```models.py``` has the implementation of the **Generators** and **Discriminators** which are used in GAN1 and GAN2.
113
- - ```new_dataloader.py``` constructs the graph dataset from given raw data. Uses PyG based data classes.
114
- - ```trainer.py``` is the training and testing file for the model. Workflow is constructed in this file.
115
- - ```utils.py``` contains performance metrics from several other papers and some unique implementations. (De Cao et al, 2018; Polykovskiy et al., 2020)
116
-
117
- &nbsp;
118
- &nbsp;
119
-
120
- ## Datasets
121
-
122
- Three different data types (i.e., compound, protein, and bioactivity) were retrieved from various data sources to train our deep generative models. GAN1 module requires only compound data while GAN2 requires all of three data types including compound, protein, and bioactivity.
123
- - **Compound data** includes atomic, physicochemical, and structural properties of real drug and drug candidate molecules. [ChEMBL v29 compound dataset](data/dataset_download.sh) was used for the GAN1 module. It consists of 1,588,865 stable organic molecules with a maximum of 45 atoms and containing C, O, N, F, Ca, K, Br, B, S, P, Cl, and As heavy atoms.
124
- - **Protein data** was retrieved from Protein Data Bank (PDB) in biological assembly format, and the coordinates of protein-ligand complexes were used to construct the binding sites of proteins from the bioassembly data. The atoms of protein residues within a maximum distance of 9 A from all ligand atoms were recorded as binding sites. GAN2 was trained for generating compounds specific to the target protein AKT1, which is a member of serine/threonine-protein kinases and involved in many cancer-associated cellular processes including metabolism, proliferation, cell survival, growth and angiogenesis. Binding site of human AKT1 protein was generated from the kinase domain (PDB: 4GV1).
125
- - **Bioactivity data** of AKT target protein was retrieved from large-scale ChEMBL bioactivity database. It contains ligand interactions of human AKT1 (CHEMBL4282) protein with a pChEMBL value equal to or greater than 6 (IC50 <= 1 µM) as well as SMILES information of these ligands. The dataset was extended by including drug molecules from DrugBank database known to interact with human AKT proteins. Thus, a total of [1,600 bioactivity data](data/filtered_akt_inhibitors.smi) points were obtained for training the AKT-specific generative model.
126
- <!-- To enhance the size of the bioactivity dataset, we also obtained two alternative versions by incorporating ligand interactions of protein members in non-specific serine/threonine kinase (STK) and kinase families. -->
127
-
128
- More details on the construction of datasets can be found in our paper referenced above.
129
-
130
- <!-- ADD SOME INFO HERE -->
131
-
132
- &nbsp;
133
- &nbsp;
134
-
135
- ## Getting Started
136
- DrugGEN has been implemented and tested on Ubuntu 18.04 with python >= 3.9. It supports both GPU and CPU inference.
137
-
138
- Clone the repo:
139
- ```bash
140
- git clone https://github.com/HUBioDataLab/DrugGEN.git
141
- ```
142
-
143
- <!--## Running the Demo
144
- You could try Google Colab if you don't already have a suitable environment for running this project.
145
- It enables cost-free project execution in the cloud. You can use the provided notebook to try out our Colab demo:
146
- [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](Give a link here)-->
147
-
148
- &nbsp;
149
- &nbsp;
150
-
151
- ## Training
152
-
153
- ### Setting up environment
154
-
155
- You can set up the environment using either conda or pip.
156
-
157
- Here is with conda:
158
-
159
- ```bash
160
- # set up the environment (installs the requirements):
161
-
162
- conda env create -f DrugGEN/dependencies.yml
163
-
164
- # activate the environment:
165
-
166
- conda activate druggen
167
- ```
168
-
169
- Here is with pip using virtual environment:
170
-
171
- ```bash
172
- python -m venv DrugGEN/.venv
173
- ./Druggen/.venv/bin/activate
174
- pip install -r DrugGEN/requirements.txt
175
- ```
176
-
177
-
178
- ### Starting the training
179
-
180
- ```
181
- # Download input files:
182
-
183
- cd DrugGEN/data
184
-
185
- bash dataset_download.sh
186
-
187
- cd
188
-
189
- # DrugGEN can be trained with the one-liner:
190
-
191
- python DrugGEN/main.py --submodel="CrossLoss" --mode="train" --raw_file="DrugGEN/data/chembl_train.smi" --dataset_file="chembl45_train.pt" --drug_raw_file="DrugGEN/data/akt_train.smi" --drug_dataset_file="drugs_train.pt" --max_atom=45
192
- ```
193
-
194
- ** Explanations of arguments can be found below:
195
-
196
- ```bash
197
- Model arguments:
198
- --submodel SUBMODEL Choose the submodel for training
199
- --act ACT Activation function for the model
200
- --z_dim Z_DIM Prior noise for the first GAN
201
- --max_atom MAX ATOM Maximum atom number for molecules must be specified
202
- --lambda_gp LAMBDA_GP Gradient penalty lambda multiplier for the first GAN
203
- --dim DIM Dimension of the Transformer models for both GANs
204
- --depth DEPTH Depth of the Transformer model from the first GAN
205
- --heads HEADS Number of heads for the MultiHeadAttention module from the first GAN
206
- --dec_depth DEC_DEPTH Depth of the Transformer model from the second GAN
207
- --dec_heads DEC_HEADS Number of heads for the MultiHeadAttention module from the second GAN
208
- --mlp_ratio MLP_RATIO MLP ratio for the Transformers
209
- --dis_select DIS_SELECT Select the discriminator for the first and second GAN
210
- --init_type INIT_TYPE Initialization type for the model
211
- --dropout DROPOUT Dropout rate for the encoder
212
- --dec_dropout DEC_DROPOUT Dropout rate for the decoder
213
- Training arguments:
214
- --batch_size BATCH_SIZE Batch size for the training
215
- --epoch EPOCH Epoch number for Training
216
- --warm_up_steps Warm up steps for the first GAN
217
- --g_lr G_LR Learning rate for G
218
- --g2_lr G2_LR Learning rate for G2
219
- --d_lr D_LR Learning rate for D
220
- --d2_lr D2_LR Learning rate for D2
221
- --n_critic N_CRITIC Number of D updates per each G update
222
- --beta1 BETA1 Beta1 for Adam optimizer
223
- --beta2 BETA2 Beta2 for Adam optimizer
224
- --clipping_value Clipping value for the gradient clipping process
225
- --resume_iters Resume training from this step for fine tuning if desired
226
- Dataset arguments:
227
- --features FEATURES Additional node features (Boolean) (Please check new_dataloader.py Line 102)
228
- ```
229
-
230
- <!--ADD HERE TRAINING COMMANDS WITH EXPLAINATIONS-->
231
-
232
- &nbsp;
233
- &nbsp;
234
-
235
- ## Molecule Generation Using Trained DrugGEN Models in the Inference Mode
236
-
237
-
238
- - First, please download the model weights of trained model, e.g., [DrugGEN-Prot](https://drive.google.com/drive/folders/19knQAtpieSamaxB4L5ft8bFiCVikBFDS?usp=share_link) and place it in the folder: "DrugGEN/experiments/models/".
239
- - After that, please run the code below:
240
-
241
-
242
- ```bash
243
-
244
- python DrugGEN/main.py --submodel="Prot" --mode="inference" --inference_model="DrugGEN/experiments/models/{Chosen model name}"
245
- ```
246
-
247
- - SMILES representation of the generated molecules will be saved into the file: "DrugGEN/experiments/inference/{Chosen submodel name}/denovo_molecules.txt".
248
-
249
- &nbsp;
250
- &nbsp;
251
-
252
- ## Results (De Novo Generated Molecules of DrugGEN Models)
253
-
254
- - SMILES notations of 50,000 de novo generated molecules from DrugGEN models (10,000 from each) can be downloaded from [here](results/generated_molecules).
255
- - We first filtered the 50,000 de novo generated molecules by applying Lipinski, Veber and PAINS filters; and 43,000 of them remained in our dataset after this operation ([SMILES notations of filtered de novo molecules](results/generated_molecules/filtered_all_generated_molecules.smi)).
256
- - We run our deep learning-based drug/compound-target protein interaction prediction system [DEEPScreen](https://pubs.rsc.org/en/content/articlehtml/2020/sc/c9sc03414e) on 43,000 filtered molecules. DEEPScreen predicted 18,000 of them as active against AKT1, 301 of which received high confidence scores (> 80%) ([SMILES notations of DeepScreen predicted actives](results/deepscreen)).
257
- - At the same time, we performed a molecular docking analysis on these 43,000 filtered de novo molecules against the crystal structure of [AKT1](https://www.rcsb.org/structure/4gv1), and found that 118 of them had sufficiently low binding free energies (< -9 kcal/mol) ([SMILES notations of de novo molecules with low binding free energies](results/docking/Molecules_th9_docking.smi)).
258
- - Finally, de novo molecules to effectively target AKT1 protein are selected via expert curation from the dataset of molecules with binding free energies lower than -9 kcal/mol. The structural representations of the selected molecules are shown in the figure below ([SMILES notations of the expert selected de novo AKT1 inhibitor molecules](results/docking/Selected_denovo_AKT1_inhibitors.smi)).
259
-
260
- ![structures](assets/Selected_denovo_AKT1_inhibitors.png)
261
- Fig. 2. Promising de novo molecules to effectively target AKT1 protein (generated by DrugGEN models), selected via expert curation from the dataset of molecules with sufficiently low binding free energies (< -9 kcal/mol) in the molecular docking experiment.
262
-
263
- &nbsp;
264
- &nbsp;
265
-
266
- ## Updates
267
-
268
- - 15/02/2023: Our pre-print is shared [here](https://github.com/HUBioDataLab/DrugGEN/files/10828402/2302.07868.pdf).
269
- - 01/01/2023: Five different DrugGEN models are released.
270
-
271
- &nbsp;
272
- &nbsp;
273
-
274
- ## Citation
275
- ```bash
276
- @misc{nl2023target,
277
- doi = {10.48550/ARXIV.2302.07868},
278
- title={Target Specific De Novo Design of Drug Candidate Molecules with Graph Transformer-based Generative Adversarial Networks},
279
- author={Atabey Ünlü and Elif Çevrim and Ahmet Sarıgün and Hayriye Çelikbilek and Heval Ataş Güvenilir and Altay Koyaş and Deniz Cansen Kahraman and Abdurrahman Olğaç and Ahmet Rifaioğlu and Tunca Doğan},
280
- year={2023},
281
- eprint={2302.07868},
282
- archivePrefix={arXiv},
283
- primaryClass={cs.LG}
284
- }
285
- ```
286
-
287
- Ünlü, A., Çevrim, E., Sarıgün, A., Çelikbilek, H., Güvenilir, H.A., Koyaş, A., Kahraman, D.C., Olğaç, A., Rifaioğlu, A., Doğan, T. (2023). Target Specific De Novo Design of Drug Candidate Molecules with Graph Transformer-based Generative Adversarial Networks. *arXiv preprint* arXiv:2302.07868.
288
-
289
-
290
- &nbsp;
291
- &nbsp;
292
-
293
- ## References/Resources
294
-
295
- In each file, we indicate whether a function or script is imported from another source. Here are some excellent sources from which we benefit from:
296
- <!--ADD THE REFERENCES THAT WE USED DURING THE IMPLEMENTATION-->
297
- - Molecule generation GAN schematic was inspired from [MolGAN](https://github.com/yongqyu/MolGAN-pytorch).
298
- - [MOSES](https://github.com/molecularsets/moses) was used for performance calculation (MOSES Script are directly embedded to our code due to current installation issues related to the MOSES repo).
299
- - [PyG](https://github.com/pyg-team/pytorch_geometric) was used to construct the custom dataset.
300
- - Transformer architecture was taken from [Vaswani et al. (2017)](https://arxiv.org/abs/1706.03762).
301
- - Graph Transformer Encoder architecture was taken from [Dwivedi & Bresson (2021)](https://arxiv.org/abs/2012.09699) and [Vignac et al. (2022)](https://github.com/cvignac/DiGress) and modified.
302
-
303
- Our initial project repository was [this one](https://github.com/asarigun/DrugGEN).
304
-
305
- &nbsp;
306
- &nbsp;
307
-
308
- ## License
309
- Copyright (C) 2023 HUBioDataLab
310
-
311
- This program is free software: you can redistribute it and/or modify it under the terms of the GNU General Public License as published by the Free Software Foundation, either version 3 of the License, or (at your option) any later version.
312
-
313
- This program is distributed in the hope that it will be useful, but WITHOUT ANY WARRANTY; without even the implied warranty of MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the GNU General Public License for more details.
314
-
315
- You should have received a copy of the GNU General Public License along with this program. If not, see http://www.gnu.org/licenses/.
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
app.py DELETED
@@ -1,189 +0,0 @@
1
- import streamlit as st
2
- import streamlit_ext as ste
3
-
4
- from trainer import Trainer
5
- import random
6
- from rdkit.Chem import Draw
7
- from rdkit import Chem
8
- from rdkit.Chem.Draw import IPythonConsole
9
- import io
10
- from PIL import Image
11
-
12
- class DrugGENConfig:
13
- submodel='CrossLoss'
14
- act='relu'
15
- z_dim=16
16
- max_atom=45
17
- lambda_gp=1
18
- dim=128
19
- depth=1
20
- heads=8
21
- dec_depth=1
22
- dec_heads=8
23
- dec_dim=128
24
- mlp_ratio=3
25
- warm_up_steps=0
26
- dis_select='mlp'
27
- init_type='normal'
28
- batch_size=128
29
- epoch=50
30
- g_lr=0.00001
31
- d_lr=0.00001
32
- g2_lr=0.00001
33
- d2_lr=0.00001
34
- dropout=0.
35
- dec_dropout=0.
36
- n_critic=1
37
- beta1=0.9
38
- beta2=0.999
39
- resume_iters=None
40
- clipping_value=2
41
- features=False
42
- test_iters=10_000
43
- num_test_epoch=30_000
44
- inference_sample_num=1000
45
- num_workers=1
46
- mode="inference"
47
- inference_iterations=100
48
- inf_batch_size=1
49
- protein_data_dir='data/akt'
50
- drug_index='data/drug_smiles.index'
51
- drug_data_dir='data/akt'
52
- mol_data_dir='data'
53
- log_dir='experiments/logs'
54
- model_save_dir='experiments/models'
55
- # inference_model=""
56
- sample_dir='experiments/samples'
57
- result_dir="experiments/tboard_output"
58
- dataset_file="chembl45_train.pt"
59
- drug_dataset_file="akt_train.pt"
60
- raw_file='data/chembl_train.smi'
61
- drug_raw_file="data/akt_train.smi"
62
- inf_dataset_file="chembl45_test.pt"
63
- inf_drug_dataset_file='akt_test.pt'
64
- inf_raw_file='data/chembl_test.smi'
65
- inf_drug_raw_file="data/akt_test.smi"
66
- log_sample_step=1000
67
- set_seed=True
68
- seed=1
69
- resume=False
70
- resume_epoch=None
71
- resume_iter=None
72
- resume_directory=None
73
-
74
- class ProtConfig(DrugGENConfig):
75
- submodel="Prot"
76
- inference_model="experiments/models/Prot"
77
-
78
- class CrossLossConfig(DrugGENConfig):
79
- submodel="CrossLoss"
80
- inference_model="experiments/models/CrossLoss"
81
-
82
- class NoTargetConfig(DrugGENConfig):
83
- submodel="NoTarget"
84
- inference_model="experiments/models/NoTarget"
85
-
86
-
87
- model_configs = {
88
- "Prot": ProtConfig(),
89
- "CrossLoss": CrossLossConfig(),
90
- "NoTarget": NoTargetConfig(),
91
- }
92
-
93
-
94
- with st.sidebar:
95
- st.title("DrugGEN: Target Centric De Novo Design of Drug Candidate Molecules with Graph Generative Deep Adversarial Networks")
96
- st.write("[![arXiv](https://img.shields.io/badge/arXiv-2302.07868-b31b1b.svg)](https://arxiv.org/abs/2302.07868) [![github-repository](https://img.shields.io/badge/GitHub-black?logo=github)](https://github.com/HUBioDataLab/DrugGEN)")
97
-
98
- with st.expander("Expand to display information about models"):
99
- st.write("""
100
- ### Model Variations
101
- - **DrugGEN-Prot**: composed of two GANs, incorporates protein features to the transformer decoder module of GAN2 (together with the de novo molecules generated by GAN1) to direct the target centric molecule design.
102
- - **DrugGEN-CrossLoss**: composed of one GAN, the input of the GAN1 generator is the real molecules dataset and the GAN1 discriminator compares the generated molecules with the real inhibitors of the given target.
103
- - **DrugGEN-NoTarget**: composed of one GAN, focuses on learning the chemical properties from the ChEMBL training dataset, no target-specific generation.
104
-
105
- """)
106
-
107
- with st.form("model_selection_from"):
108
- model_name = st.radio(
109
- 'Select a model to make inference (DrugGEN-Prot and DrugGEN-CrossLoss models design molecules to target the AKT1 protein)',
110
- ('DrugGEN-Prot', 'DrugGEN-CrossLoss', 'DrugGEN-NoTarget')
111
- )
112
-
113
- model_name = model_name.replace("DrugGEN-", "")
114
-
115
- molecule_num_input = st.number_input('Number of molecules to generate', min_value=1, max_value=100_000, value=1000, step=1)
116
-
117
- seed_input = st.number_input("RNG seed value (can be used for reproducibility):", min_value=0, value=42, step=1)
118
-
119
- submitted = st.form_submit_button("Start Computing")
120
-
121
-
122
-
123
- if submitted:
124
- # if submitted or ("submitted" in st.session_state):
125
- # st.session_state["submitted"] = True
126
- config = model_configs[model_name]
127
-
128
- config.inference_sample_num = molecule_num_input
129
- config.seed = seed_input
130
-
131
- with st.spinner(f'Creating the trainer class instance for {model_name}...'):
132
- trainer = Trainer(config)
133
- with st.spinner(f'Running inference function of {model_name} (this may take a while) ...'):
134
- results = trainer.inference()
135
- st.success(f"Inference of {model_name} took {results['runtime']:.2f} seconds.")
136
-
137
- with st.expander("Expand to see the generation performance scores"):
138
- st.write("### Generation performance scores (novelty is calculated in comparison to the training dataset)")
139
- st.success(f"Validity: {results['fraction_valid']}")
140
- st.success(f"Uniqueness: {results['uniqueness']}")
141
- st.success(f"Novelty: {results['novelty']}")
142
-
143
- with open(f'experiments/inference/{model_name}/inference_drugs.txt') as f:
144
- inference_drugs = f.read()
145
- # st.download_button(label="Click to download generated molecules", data=inference_drugs, file_name=f'DrugGEN-{model_name}_denovo_mols.smi', mime="text/plain")
146
- ste.download_button(label="Click to download generated molecules", data=inference_drugs, file_name=f'DrugGEN-{model_name}_denovo_mols.smi', mime="text/plain")
147
-
148
-
149
- st.write("Structures of randomly selected 12 de novo molecules from the inference set:")
150
- # from rdkit.Chem import Draw
151
- # img = Draw.MolsToGridImage(mol_list, molsPerRow=5, subImgSize=(250, 250), maxMols=num_mols,
152
- # legends=None, useSVG=True)
153
- generated_molecule_list = inference_drugs.split("\n")
154
-
155
- selected_molecules = random.choices(generated_molecule_list,k=12)
156
-
157
- selected_molecules = [Chem.MolFromSmiles(mol) for mol in selected_molecules]
158
- # IPythonConsole.UninstallIPythonRenderer()
159
- drawOptions = Draw.rdMolDraw2D.MolDrawOptions()
160
- drawOptions.prepareMolsBeforeDrawing = False
161
- drawOptions.bondLineWidth = 1.
162
-
163
- molecule_image = Draw.MolsToGridImage(
164
- selected_molecules,
165
- molsPerRow=3,
166
- subImgSize=(250, 250),
167
- maxMols=len(selected_molecules),
168
- # legends=None,
169
- returnPNG=False,
170
- # drawOptions=drawOptions,
171
- highlightAtomLists=None,
172
- highlightBondLists=None,
173
-
174
- )
175
- print(type(molecule_image))
176
- # print(type(molecule_image._data_and_metadata()))
177
- molecule_image.save("result_grid.png")
178
- # png_data = io.BytesIO()
179
- # molecule_image.save(png_data, format='PNG')
180
- # png_data.seek(0)
181
-
182
- # Step 2: Read the PNG image data as a PIL image
183
- # pil_image = Image.open(png_data)
184
- # st.image(pil_image)
185
- st.image(molecule_image)
186
-
187
- else:
188
- st.warning("Please select a model to make inference")
189
-
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
assets/DrugGEN_Figure1.gif DELETED
Binary file (338 kB)
 
assets/DrugGEN_Figure1_1.gif DELETED
Binary file (151 kB)
 
assets/DrugGEN_Figure1_2.gif DELETED
Binary file (166 kB)
 
assets/DrugGEN_Figure1_final3.gif DELETED

Git LFS Details

  • SHA256: e11054d9d234b84f99cf6d1da0871c16ca8ab9d1f2fe30cfaa2a46c62d8f347c
  • Pointer size: 132 Bytes
  • Size of remote file: 1.93 MB
assets/DrugGEN_Figure1_final_v1.gif DELETED

Git LFS Details

  • SHA256: 1ba31372bee87d3f2ced4b9db0ec8fb212e4b414129c61642878699f6e55c8f1
  • Pointer size: 132 Bytes
  • Size of remote file: 1.85 MB
assets/DrugGEN_G1_4.gif DELETED
Binary file (386 kB)
 
assets/DrugGEN_G1_final2.gif DELETED
Binary file (362 kB)
 
assets/DrugGEN_G2_3.gif DELETED
Binary file (556 kB)
 
assets/DrugGEN_G2_final2.gif DELETED
Binary file (588 kB)
 
assets/Selected_denovo_AKT1_inhibitors.png DELETED
Binary file (507 kB)
 
assets/druggen_figure1_mod.gif DELETED

Git LFS Details

  • SHA256: 7b76b5a8dcfa7adba741428855c2f4495f076663fc3400d5741c286a0736b2c3
  • Pointer size: 132 Bytes
  • Size of remote file: 1.03 MB
assets/druggen_figures(1).gif DELETED

Git LFS Details

  • SHA256: 17e3c6e39710a23f00074ce430a6c4b9b5a32c572f93be0056b54fbbda9f24e2
  • Pointer size: 133 Bytes
  • Size of remote file: 23.4 MB
assets/fig1_2.gif DELETED

Git LFS Details

  • SHA256: 1c5ccbfc2bdc9eddf2fb2ee86f000e4a3b0ec8a8749b8e72cd79bc0912b9966e
  • Pointer size: 132 Bytes
  • Size of remote file: 1.22 MB
assets/generator_1.gif DELETED

Git LFS Details

  • SHA256: fd893ee0de64464b875c1508b323f9d15770bbee9d5b2d8b213ba74f09da9a1d
  • Pointer size: 133 Bytes
  • Size of remote file: 14.7 MB
assets/generator_1_mod.gif DELETED
Binary file (472 kB)
 
assets/generator_2.gif DELETED

Git LFS Details

  • SHA256: d6cb82906c8323a220c12df1a6a1f7df928ea7eee989322504f74511eb9d1d97
  • Pointer size: 133 Bytes
  • Size of remote file: 17.7 MB
assets/generator_2_mod.gif DELETED
Binary file (622 kB)
 
assets/molecule_1.png DELETED
Binary file (44.8 kB)
 
assets/molecule_2.png DELETED
Binary file (53.5 kB)
 
data/NP_score.pkl.gz DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:34db5b02d762e05a0243e640aee24202a5303b7ec810ced7ff929a233e082ab6
3
- size 2077102
 
 
 
 
data/SA_score.pkl.gz DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:10dcef9340c873e7b987924461b0af5365eb8dd96be607203debe8ddf80c1e73
3
- size 3848394
 
 
 
 
data/akt/2x39_X39_BS_adj.csv DELETED
The diff for this file is too large to render. See raw diff
 
data/akt/2x39_X39_BS_adj_euc.csv DELETED
The diff for this file is too large to render. See raw diff
 
data/akt/2x39_X39_BS_annot.csv DELETED
@@ -1,499 +0,0 @@
1
- A,C,HD,N,NA,OA,SA
2
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
3
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
4
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
5
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
6
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
7
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
8
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
9
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
10
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
11
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
12
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
13
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
14
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
15
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
16
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
17
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
18
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
19
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
20
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
21
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
22
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
23
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
24
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
25
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
26
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
27
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
28
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
29
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
30
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
31
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
32
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
33
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
34
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
35
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
36
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
37
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
38
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
39
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
40
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
41
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
42
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
43
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
44
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
45
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
46
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
47
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
48
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
49
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
50
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
51
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
52
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
53
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
54
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
55
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
56
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
57
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
58
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
59
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
60
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
61
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
62
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
63
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
64
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
65
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
66
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
67
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
68
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
69
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
70
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
71
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
72
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
73
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
74
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
75
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
76
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
77
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
78
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
79
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
80
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
81
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
82
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
83
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
84
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
85
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
86
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
87
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
88
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
89
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
90
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
91
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
92
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
93
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
94
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
95
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
96
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
97
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
98
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
99
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
100
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
101
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
102
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
103
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
104
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
105
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
106
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
107
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
108
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
109
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
110
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
111
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
112
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
113
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
114
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
115
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
116
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
117
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
118
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
119
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
120
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
121
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
122
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
123
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
124
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
125
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
126
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
127
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
128
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
129
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
130
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
131
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
132
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
133
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
134
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
135
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
136
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
137
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
138
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
139
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
140
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
141
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
142
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
143
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
144
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
145
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
146
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
147
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
148
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
149
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
150
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
151
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
152
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
153
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
154
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
155
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
156
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
157
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
158
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
159
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
160
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
161
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
162
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
163
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
164
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
165
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
166
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
167
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
168
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
169
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
170
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
171
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
172
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
173
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
174
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
175
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
176
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
177
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
178
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
179
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
180
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
181
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
182
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
183
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
184
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
185
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
186
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
187
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
188
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
189
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
190
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
191
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
192
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
193
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
194
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
195
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
196
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
197
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
198
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
199
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
200
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
201
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
202
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
203
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
204
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
205
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
206
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
207
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
208
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
209
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
210
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
211
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
212
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
213
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
214
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
215
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
216
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
217
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
218
- 0.0,0.0,0.0,0.0,0.0,0.0,1.0
219
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
220
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
221
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
222
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
223
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
224
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
225
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
226
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
227
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
228
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
229
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
230
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
231
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
232
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
233
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
234
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
235
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
236
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
237
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
238
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
239
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
240
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
241
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
242
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
243
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
244
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
245
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
246
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
247
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
248
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
249
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
250
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
251
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
252
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
253
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
254
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
255
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
256
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
257
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
258
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
259
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
260
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
261
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
262
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
263
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
264
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
265
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
266
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
267
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
268
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
269
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
270
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
271
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
272
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
273
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
274
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
275
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
276
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
277
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
278
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
279
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
280
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
281
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
282
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
283
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
284
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
285
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
286
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
287
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
288
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
289
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
290
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
291
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
292
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
293
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
294
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
295
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
296
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
297
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
298
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
299
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
300
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
301
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
302
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
303
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
304
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
305
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
306
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
307
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
308
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
309
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
310
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
311
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
312
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
313
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
314
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
315
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
316
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
317
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
318
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
319
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
320
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
321
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
322
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
323
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
324
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
325
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
326
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
327
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
328
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
329
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
330
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
331
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
332
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
333
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
334
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
335
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
336
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
337
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
338
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
339
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
340
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
341
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
342
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
343
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
344
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
345
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
346
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
347
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
348
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
349
- 0.0,0.0,0.0,0.0,0.0,0.0,1.0
350
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
351
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
352
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
353
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
354
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
355
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
356
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
357
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
358
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
359
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
360
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
361
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
362
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
363
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
364
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
365
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
366
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
367
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
368
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
369
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
370
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
371
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
372
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
373
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
374
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
375
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
376
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
377
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
378
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
379
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
380
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
381
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
382
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
383
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
384
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
385
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
386
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
387
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
388
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
389
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
390
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
391
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
392
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
393
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
394
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
395
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
396
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
397
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
398
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
399
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
400
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
401
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
402
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
403
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
404
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
405
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
406
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
407
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
408
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
409
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
410
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
411
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
412
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
413
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
414
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
415
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
416
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
417
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
418
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
419
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
420
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
421
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
422
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
423
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
424
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
425
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
426
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
427
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
428
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
429
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
430
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
431
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
432
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
433
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
434
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
435
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
436
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
437
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
438
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
439
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
440
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
441
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
442
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
443
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
444
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
445
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
446
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
447
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
448
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
449
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
450
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
451
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
452
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
453
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
454
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
455
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
456
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
457
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
458
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
459
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
460
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
461
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
462
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
463
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
464
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
465
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
466
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
467
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
468
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
469
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
470
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
471
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
472
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
473
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
474
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
475
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
476
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
477
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
478
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
479
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
480
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
481
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
482
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
483
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
484
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
485
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
486
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
487
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
488
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
489
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
490
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
491
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
492
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
493
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
494
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
495
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
496
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
497
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
498
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
499
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
data/akt/4gv1_0XZ_BS_adj.csv DELETED
The diff for this file is too large to render. See raw diff
 
data/akt/4gv1_0XZ_BS_adj_euc.csv DELETED
The diff for this file is too large to render. See raw diff
 
data/akt/4gv1_0XZ_BS_annot.csv DELETED
@@ -1,499 +0,0 @@
1
- A,C,HD,N,NA,OA,SA
2
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
3
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
4
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
5
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
6
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
7
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
8
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
9
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
10
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
11
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
12
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
13
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
14
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
15
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
16
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
17
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
18
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
19
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
20
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
21
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
22
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
23
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
24
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
25
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
26
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
27
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
28
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
29
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
30
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
31
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
32
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
33
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
34
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
35
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
36
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
37
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
38
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
39
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
40
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
41
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
42
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
43
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
44
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
45
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
46
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
47
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
48
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
49
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
50
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
51
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
52
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
53
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
54
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
55
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
56
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
57
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
58
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
59
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
60
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
61
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
62
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
63
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
64
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
65
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
66
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
67
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
68
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
69
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
70
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
71
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
72
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
73
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
74
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
75
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
76
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
77
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
78
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
79
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
80
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
81
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
82
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
83
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
84
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
85
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
86
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
87
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
88
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
89
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
90
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
91
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
92
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
93
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
94
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
95
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
96
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
97
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
98
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
99
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
100
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
101
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
102
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
103
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
104
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
105
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
106
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
107
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
108
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
109
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
110
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
111
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
112
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
113
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
114
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
115
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
116
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
117
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
118
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
119
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
120
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
121
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
122
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
123
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
124
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
125
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
126
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
127
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
128
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
129
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
130
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
131
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
132
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
133
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
134
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
135
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
136
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
137
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
138
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
139
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
140
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
141
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
142
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
143
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
144
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
145
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
146
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
147
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
148
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
149
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
150
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
151
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
152
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
153
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
154
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
155
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
156
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
157
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
158
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
159
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
160
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
161
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
162
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
163
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
164
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
165
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
166
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
167
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
168
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
169
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
170
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
171
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
172
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
173
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
174
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
175
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
176
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
177
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
178
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
179
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
180
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
181
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
182
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
183
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
184
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
185
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
186
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
187
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
188
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
189
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
190
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
191
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
192
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
193
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
194
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
195
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
196
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
197
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
198
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
199
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
200
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
201
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
202
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
203
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
204
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
205
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
206
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
207
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
208
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
209
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
210
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
211
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
212
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
213
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
214
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
215
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
216
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
217
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
218
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
219
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
220
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
221
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
222
- 0.0,0.0,0.0,0.0,0.0,0.0,1.0
223
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
224
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
225
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
226
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
227
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
228
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
229
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
230
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
231
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
232
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
233
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
234
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
235
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
236
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
237
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
238
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
239
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
240
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
241
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
242
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
243
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
244
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
245
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
246
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
247
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
248
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
249
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
250
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
251
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
252
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
253
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
254
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
255
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
256
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
257
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
258
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
259
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
260
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
261
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
262
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
263
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
264
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
265
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
266
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
267
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
268
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
269
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
270
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
271
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
272
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
273
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
274
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
275
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
276
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
277
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
278
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
279
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
280
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
281
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
282
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
283
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
284
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
285
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
286
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
287
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
288
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
289
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
290
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
291
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
292
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
293
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
294
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
295
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
296
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
297
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
298
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
299
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
300
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
301
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
302
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
303
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
304
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
305
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
306
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
307
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
308
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
309
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
310
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
311
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
312
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
313
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
314
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
315
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
316
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
317
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
318
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
319
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
320
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
321
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
322
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
323
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
324
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
325
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
326
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
327
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
328
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
329
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
330
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
331
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
332
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
333
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
334
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
335
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
336
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
337
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
338
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
339
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
340
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
341
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
342
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
343
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
344
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
345
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
346
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
347
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
348
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
349
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
350
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
351
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
352
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
353
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
354
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
355
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
356
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
357
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
358
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
359
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
360
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
361
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
362
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
363
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
364
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
365
- 0.0,0.0,0.0,0.0,0.0,0.0,1.0
366
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
367
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
368
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
369
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
370
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
371
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
372
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
373
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
374
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
375
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
376
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
377
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
378
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
379
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
380
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
381
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
382
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
383
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
384
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
385
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
386
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
387
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
388
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
389
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
390
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
391
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
392
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
393
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
394
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
395
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
396
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
397
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
398
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
399
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
400
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
401
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
402
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
403
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
404
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
405
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
406
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
407
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
408
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
409
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
410
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
411
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
412
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
413
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
414
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
415
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
416
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
417
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
418
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
419
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
420
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
421
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
422
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
423
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
424
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
425
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
426
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
427
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
428
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
429
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
430
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
431
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
432
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
433
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
434
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
435
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
436
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
437
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
438
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
439
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
440
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
441
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
442
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
443
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
444
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
445
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
446
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
447
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
448
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
449
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
450
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
451
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
452
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
453
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
454
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
455
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
456
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
457
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
458
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
459
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
460
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
461
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
462
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
463
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
464
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
465
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
466
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
467
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
468
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
469
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
470
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
471
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
472
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
473
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
474
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
475
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
476
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
477
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
478
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
479
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
480
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
481
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
482
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
483
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
484
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
485
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
486
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
487
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
488
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
489
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
490
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
491
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
492
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
493
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
494
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
495
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
496
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
497
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
498
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
499
- 0.0,0.0,0.0,0.0,0.0,0.0,0.0
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
data/akt/AKT1_human_adj.pt DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:6f0b9477d744d3e38d9b7e9d44bd135bfde25d9d812f8eb0bb6835acbe460ffe
3
- size 2385643
 
 
 
 
data/akt/AKT1_human_annot.pt DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:e604a4f83414a4892285906c9c054cf5c7ebf9402403ab1dd6001eeec1ba6232
3
- size 31275
 
 
 
 
data/akt/AKT2_human_adj.pt DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:69816e61169a7cfe2e5f7b6c3856a6742b4208c97d42258e2aa3b799e369312a
3
- size 2385643
 
 
 
 
data/akt/AKT2_human_annot.pt DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:2e0b740f23bc0d5f8aa9693e6325cc0d7508ac7e8aa17f8987c0677acb89de8f
3
- size 31275
 
 
 
 
data/akt/AKT3_human_adj.pt DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:b7e676e84d54a6ef30029f72c554623773e24d6a730568c305b251db129da694
3
- size 2385643
 
 
 
 
data/akt/AKT3_human_annot.pt DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:f1b25e027cb014e9919af8aeed14ba9fe8da91db8a9da466f50e9575feedef6a
3
- size 31275
 
 
 
 
data/akt/akt3_0XZ_BS_adj.csv DELETED
The diff for this file is too large to render. See raw diff
 
data/akt/akt3_0XZ_BS_adj_euc.csv DELETED
The diff for this file is too large to render. See raw diff
 
data/akt/akt3_0XZ_BS_annot.csv DELETED
@@ -1,499 +0,0 @@
1
- A,C,HD,N,NA,OA,SA
2
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
3
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
4
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
5
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
6
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
7
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
8
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
9
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
10
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
11
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
12
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
13
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
14
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
15
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
16
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
17
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
18
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
19
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
20
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
21
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
22
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
23
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
24
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
25
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
26
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
27
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
28
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
29
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
30
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
31
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
32
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
33
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
34
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
35
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
36
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
37
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
38
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
39
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
40
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
41
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
42
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
43
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
44
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
45
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
46
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
47
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
48
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
49
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
50
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
51
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
52
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
53
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
54
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
55
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
56
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
57
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
58
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
59
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
60
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
61
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
62
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
63
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
64
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
65
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
66
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
67
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
68
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
69
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
70
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
71
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
72
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
73
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
74
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
75
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
76
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
77
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
78
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
79
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
80
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
81
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
82
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
83
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
84
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
85
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
86
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
87
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
88
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
89
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
90
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
91
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
92
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
93
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
94
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
95
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
96
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
97
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
98
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
99
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
100
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
101
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
102
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
103
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
104
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
105
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
106
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
107
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
108
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
109
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
110
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
111
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
112
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
113
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
114
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
115
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
116
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
117
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
118
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
119
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
120
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
121
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
122
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
123
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
124
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
125
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
126
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
127
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
128
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
129
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
130
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
131
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
132
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
133
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
134
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
135
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
136
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
137
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
138
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
139
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
140
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
141
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
142
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
143
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
144
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
145
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
146
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
147
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
148
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
149
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
150
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
151
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
152
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
153
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
154
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
155
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
156
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
157
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
158
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
159
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
160
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
161
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
162
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
163
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
164
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
165
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
166
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
167
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
168
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
169
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
170
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
171
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
172
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
173
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
174
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
175
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
176
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
177
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
178
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
179
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
180
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
181
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
182
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
183
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
184
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
185
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
186
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
187
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
188
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
189
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
190
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
191
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
192
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
193
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
194
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
195
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
196
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
197
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
198
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
199
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
200
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
201
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
202
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
203
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
204
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
205
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
206
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
207
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
208
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
209
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
210
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
211
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
212
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
213
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
214
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
215
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
216
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
217
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
218
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
219
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
220
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
221
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
222
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
223
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
224
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
225
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
226
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
227
- 0.0,0.0,0.0,0.0,0.0,0.0,1.0
228
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
229
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
230
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
231
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
232
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
233
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
234
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
235
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
236
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
237
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
238
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
239
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
240
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
241
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
242
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
243
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
244
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
245
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
246
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
247
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
248
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
249
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
250
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
251
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
252
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
253
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
254
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
255
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
256
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
257
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
258
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
259
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
260
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
261
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
262
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
263
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
264
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
265
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
266
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
267
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
268
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
269
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
270
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
271
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
272
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
273
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
274
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
275
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
276
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
277
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
278
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
279
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
280
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
281
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
282
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
283
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
284
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
285
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
286
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
287
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
288
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
289
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
290
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
291
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
292
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
293
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
294
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
295
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
296
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
297
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
298
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
299
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
300
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
301
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
302
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
303
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
304
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
305
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
306
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
307
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
308
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
309
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
310
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
311
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
312
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
313
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
314
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
315
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
316
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
317
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
318
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
319
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
320
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
321
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
322
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
323
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
324
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
325
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
326
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
327
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
328
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
329
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
330
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
331
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
332
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
333
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
334
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
335
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
336
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
337
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
338
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
339
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
340
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
341
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
342
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
343
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
344
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
345
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
346
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
347
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
348
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
349
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
350
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
351
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
352
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
353
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
354
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
355
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
356
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
357
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
358
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
359
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
360
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
361
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
362
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
363
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
364
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
365
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
366
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
367
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
368
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
369
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
370
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
371
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
372
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
373
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
374
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
375
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
376
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
377
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
378
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
379
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
380
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
381
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
382
- 0.0,0.0,0.0,0.0,0.0,0.0,1.0
383
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
384
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
385
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
386
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
387
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
388
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
389
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
390
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
391
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
392
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
393
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
394
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
395
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
396
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
397
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
398
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
399
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
400
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
401
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
402
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
403
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
404
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
405
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
406
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
407
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
408
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
409
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
410
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
411
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
412
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
413
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
414
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
415
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
416
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
417
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
418
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
419
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
420
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
421
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
422
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
423
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
424
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
425
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
426
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
427
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
428
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
429
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
430
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
431
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
432
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
433
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
434
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
435
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
436
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
437
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
438
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
439
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
440
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
441
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
442
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
443
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
444
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
445
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
446
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
447
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
448
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
449
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
450
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
451
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
452
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
453
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
454
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
455
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
456
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
457
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
458
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
459
- 0.0,0.0,0.0,0.0,1.0,0.0,0.0
460
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
461
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
462
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
463
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
464
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
465
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
466
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
467
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
468
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
469
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
470
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
471
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
472
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
473
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
474
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
475
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
476
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
477
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
478
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
479
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
480
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
481
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
482
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
483
- 0.0,0.0,0.0,1.0,0.0,0.0,0.0
484
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
485
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
486
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
487
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
488
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
489
- 0.0,0.0,0.0,0.0,0.0,1.0,0.0
490
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
491
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
492
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
493
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
494
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
495
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
496
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
497
- 1.0,0.0,0.0,0.0,0.0,0.0,0.0
498
- 0.0,0.0,1.0,0.0,0.0,0.0,0.0
499
- 0.0,1.0,0.0,0.0,0.0,0.0,0.0
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
data/akt/akt_test.pt DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:7c2502b7274379fc007fd380ba944ae0296c6c004fc46590d0b43243c4319488
3
- size 975455
 
 
 
 
data/akt/akt_train.pt DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:a10e3ebfba171192dc99aa4711c120123542fbe9926070f6ab8348bd4023476d
3
- size 8815527
 
 
 
 
data/akt/pre_filter.pt DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:183e4139ad6d0371ab13c43c53b0360599ba9a6dcd8bf6b82e8977f769798f69
3
- size 437
 
 
 
 
data/akt/pre_transform.pt DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:279a6ecff894ab1eac74b52ab15ed28715a410c54c0c74f66f7585636fe6731d
3
- size 443
 
 
 
 
data/akt_inhibitors.smi DELETED
The diff for this file is too large to render. See raw diff
 
data/akt_test.pt DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:7c2502b7274379fc007fd380ba944ae0296c6c004fc46590d0b43243c4319488
3
- size 975455
 
 
 
 
data/akt_test.smi DELETED
@@ -1,320 +0,0 @@
1
- NC1(c2ccc(-c3nc4ccc(-c5ncc[nH]5)cn4c3-c3ccccc3)cc2)CCC1
2
- Cc1cn2cc(-c3ccccc3)c(-c3ccc(CN4CC(c5n[nH]c(-c6ccccn6)n5)C4)cc3)nc2n1
3
- NC1(c2ccc(-c3nc4c(-c5ccc(F)cc5)cccn4c3-c3ccccc3)cc2)CCC1
4
- NC(Cc1ccc(Cl)cc1)C(=O)N1CCN(c2ncnc3c2CSC3)CC1
5
- Cn1c(CC(=O)N2CCc3c2cccc3C(F)(F)F)nc(N2CCOCC2)cc1=O
6
- CC1C(=O)Nc2ccc(NC(COc3cncc(-c4ccc5c(c4)C(C)C(=O)N5)c3)Cc3c[nH]c4ccccc34)cc21
7
- CSc1ncc2cc(-c3ccccc3)c(-c3ccc(CNCCc4n[nH]c(C)n4)cc3)nc2n1
8
- NC1(c2ccc(-c3nn4c(-c5ccn[nH]5)cnc4cc3-c3ccccc3)cc2)CCC1
9
- COC(=O)c1cnn2cc(-c3c(F)cccc3F)c(-c3ccc(CN4CC(c5n[nH]c(-c6ccccn6)n5)C4)cc3)nc12
10
- Cc1n[nH]c2ccc(-c3cncc(OCC(N)Cc4ccccc4Cl)c3)cc12
11
- NCC(Cc1ccccc1)NC(=O)c1cc(Br)c(-c2ccnc3[nH]ccc23)s1
12
- Cc1n[nH]c2cnc(-c3cc(OCC(N)Cc4c[nH]c5ccccc45)cnc3-c3ccoc3)cc12
13
- O=C(Cc1nc(N2CCOCC2)cc(=O)[nH]1)Nc1ccccc1OCCN1CCCCC1
14
- Nc1ncnc(N2CCC(c3nc(-c4ccc(F)c(F)c4)cn3CCN3CCCC3)CC2)c1Br
15
- NC1(c2ccc(-c3nc4c5cc(F)ccc5nn4c(NC4CC4)c3-c3ccccc3)cc2)CCC1
16
- Cc1occc1-c1nc(N)c(OCC(N)Cc2c[nH]c3ccccc23)cc1-c1ccc2[nH]nc(C)c2c1
17
- CCc1ccc2nc(-c3ccc(C4(N)CCC4)cc3)c(-c3ccccc3)n2c1
18
- CCn1c(-c2nonc2N)nc2c(C#CC(C)(C)O)nc(OCC(C)N)cc21
19
- NCC(NC(=O)c1cc(C2CC2)c(-c2ccnc3[nH]ccc23)s1)c1ccccc1
20
- NCC(Cc1ccccc1C(F)(F)F)NC(=O)c1cc(Br)c(-c2ccnc3[nH]ccc23)s1
21
- Cn1c(CC(=O)Nc2ccc(F)c(C(F)F)c2)nc(N2CCOCC2)cc1=O
22
- CC(C)c1nc2nc(-c3ccc(CN4CC(c5n[nH]c(-c6ccccn6)n5)C4)cc3)c(-c3ccccc3)cn2n1
23
- CCn1c(-c2nonc2N)nc2c(C#CC(C)(C)O)nc(OCC(N)c3ccccc3)cc21
24
- Cc1n[nH]c2cnc(-c3cncc(OCC(N)Cc4cccc(F)c4)c3)cc12
25
- CCc1c[nH]c2ncnc(N3CCC(N)(CNC(=O)c4ccc(Cl)cc4)C3)c12
26
- O=C(Cc1nc(N2CCOCC2)cc(=O)[nH]1)Nc1cc(F)c(F)c(F)c1
27
- CCc1cnn2cc(-c3ccccc3)c(-c3ccc(CN4CC(c5n[nH]c(-c6cccc(C)n6)n5)C4)cc3)nc12
28
- Cc1cc(-c2ccn[nH]2)c2nc(-c3ccc(C4(N)CCC4)cc3)c(-c3ccccc3)n2c1
29
- CCc1c(N)ncnc1N1CCC(c2nc(-c3ccc(F)c(C(F)(F)F)c3)cn2CC2CCN2)CC1
30
- NC1(c2ccc(-c3nc4c(-c5ccc(F)cc5)cccn4c3-c3ccccc3)cc2)CCC1
31
- Cc1ccc(F)cc1CC(N)COc1cncc(-c2ccc3[nH]nc(C)c3c2)c1
32
- Nc1ncnc(N2CCC(c3nc(-c4ccnc(C(F)(F)F)c4)cn3CCN3CCC3)CC2)c1-c1cnoc1
33
- NC1(c2ccc(-c3nc4c(-c5cccc(F)c5)cccn4c3-c3ccccc3)cc2)CCC1
34
- NC(=O)c1c(N)ncnc1N1CCC(c2nc(-c3ccc(F)c(C(F)(F)F)c3)cn2CCNCC2CC2)CC1
35
- CC1(O)CC(N)(c2ccc(-c3nc4n(c3-c3ccccc3)COc3cc(C(N)=O)ccc3-4)cc2)C1
36
- O=C(Nc1ccc(-c2nnc3n2-c2cccnc2Nc2ccccc2-3)cc1)C1CCC1
37
- Nc1ncnc2nc(-c3ccc(CN4CCC(n5cnc6c(N)ncnc65)CC4)cc3)c(-c3ccccc3)cc12
38
- Cc1cccc2ncnc(N3CCN(C(=O)C(N)Cc4ccc(Cl)cc4)CC3)c12
39
- COC(=O)c1cccc2c1nn1cc(-c3ccccc3)c(-c3ccc(C4(N)CCC4)cc3)nc21
40
- Cc1c[nH]c2ncnc(N3CC4(CCNCC4)c4ccccc43)c12
41
- CSc1ncc2cc(-c3ccccc3)c(-c3ccc(CNCCc4c[nH]cn4)cc3)nc2n1
42
- Nc1cc(C=Cc2cncc(OCC(N)Cc3c[nH]c4ccccc34)c2)ccn1
43
- CC1CN(c2ncc3cc(-c4ccccc4)c(-c4ccc(CN5CCC(c6nnc(-c7ccccn7)[nH]6)CC5)cc4)nc3n2)C(C)CN1
44
- COCCC(NC(=O)C1(N)CCN(c2ncnc3[nH]ccc23)CC1)c1ccc(Cl)cc1
45
- NC1(C(=O)NC(CCO)c2ccc(Cl)cc2)CCN(c2ncnc3[nH]ccc23)CC1
46
- Cc1n[nH]c2ccc(-c3nnc(NCC(N)Cc4ccc(C(F)(F)F)cc4)s3)cc12
47
- COc1cc(NC(=O)Cc2nc(N3CCOCC3)cc(=O)n2C)ccc1F
48
- O=C(NC(c1ccc2ccccc2c1)C1CCNCC1)c1ccc2cnccc2c1
49
- NC1(c2ccc(-c3nc4c5ccc(-c6ccc(O)nc6)cc5nn4cc3-c3ccccc3)cc2)CCC1
50
- CNCCn1cc(-c2ccnc(C(F)(F)F)c2)nc1C1CCN(c2ncnc(N)c2C2C=NOC2)CC1
51
- NC1(c2ccc(-c3nc4ccc(-n5cccn5)cn4c3-c3ccccc3)cc2)CCC1
52
- Cc1cc(C)c2nc(-c3ccc(C4(N)CCC4)cc3)c(-c3ccccc3)n2c1
53
- NC1CCN(c2ncnc3[nH]cc(Cl)c23)C1
54
- CC1COCCN1c1nc(N2CCOCC2C)c2ccc(-c3cccc(NS(=O)(=O)C(C)C)c3)nc2n1
55
- Nc1nc(O)nc2nc(-c3ccc(CN4CCC(n5c(=O)[nH]c6ccccc65)CC4)cc3)c(-c3ccccc3)cc12
56
- Cn1ncc(Cl)c1-c1cc(C(=O)NC2CNCCC2c2ccc(Cl)c(C(F)(F)F)c2)sc1Cl
57
- Cc1cc(-c2cn(CCNC(C)C)c(C3CCN(c4ncnc(N)c4C(N)=O)CC3)n2)ccc1F
58
- CNc1c(-c2ccccc2)c(-c2ccc(CN3CC(c4n[nH]c(-c5cccc(C)n5)n4)C3)cc2)nc2nc(C)nn12
59
- CNCCn1cc(-c2ccc(F)c(C(F)(F)F)c2)nc1C1CCN(c2ncnc(N)c2C(N)=O)CC1
60
- N#Cc1ccc(CC(N)C(=O)N2CCN(c3ncnc4ccccc34)CC2)cc1
61
- Cc1nc2nc(-c3ccc(CN4CC(c5n[nH]c(-c6ccccn6)n5)C4)cc3)c(-c3ccccc3)c(C)n2n1
62
- CCCC1OC2CC(=O)OC2C2=C1C(=O)c1c(O)cccc1C2=O
63
- Cc1ccccc1-c1ccn2c(-c3ccccc3)c(-c3ccc(C4(N)CCC4)cc3)nc2n1
64
- Cc1n[nH]c2ccc(-c3cncc(OCC(N)Cc4cccc(Cl)c4)c3)cc12
65
- COc1ccc(CC(N)C(=O)N2CCN(c3ncnc4ccccc34)CC2)cc1
66
- CNC(=O)CC1CC(c2ccc(F)c(F)c2)C(NC(=O)c2cc(-c3c(Cl)cnn3C)c(Cl)o2)CN1
67
- CCCC1NC(=O)C(CCCNC(=N)N)NC(=O)CN(C(=O)C(N)CCCNC(=N)N)CCCNC(=O)NCCCCCCN(CC(N)=O)C(=O)C(CCC(C)C)NC(=O)C(CN)NC(=O)C(Cc2ccc(O)cc2)NC1=O
68
- CNc1ccc2ncnc(N3CCN(C(=O)C(N)Cc4ccc(Cl)cc4)CC3)c2c1
69
- CCc1n[nH]c2ncnc(N3CCN(c4cc(Cl)cc(NCCN(C)C)c4C)CC3)c12
70
- Cc1nc(N)nc2c1nc(-c1cc[nH]n1)c(=O)n2C1CCOCC1
71
- Nc1ncccc1-c1nc2cccnc2n1-c1ccc(CC(=O)Nc2ccccc2)cc1
72
- O=S(=O)(Nc1cc(-c2ccc3nccn3c2)cnc1Cl)c1ccc(F)cc1
73
- NC(COc1cncc(-c2ccc3cnccc3c2)c1)Cc1c[nH]c2ccccc12
74
- Cn1ncc(Cl)c1-c1cc(C(=O)NC2CNC(CCn3cncn3)CC2c2ccc(Cl)c(Cl)c2)oc1Cl
75
- NC(COc1cncc(-c2ccc3c(c2)C(c2ccccn2)C(=O)N3)c1)Cc1c[nH]c2ccccc12
76
- O=C(N1CCN(c2ncnc3[nH]nc(Br)c23)CC1)C1(c2ccc(Br)cc2)CCNCC1
77
- NC(COc1cncc(-c2ccc3[nH]nc(C4CC4)c3c2)c1)Cc1c[nH]c2ccccc12
78
- CN(C)CCN1CCN(c2ccc3nc(-c4ccccc4)c(-c4ccc(CN5CCC(c6nnc(-c7ccccn7)[nH]6)CC5)cc4)nc3n2)CC1
79
- NC(COc1cncc(-c2ccc3cnc(F)cc3c2)c1)Cc1c[nH]c2ccccc12
80
- CC(=O)Nc1nc2ccc(-c3cnc(Cl)c(NS(=O)(=O)c4cccc(F)c4)c3)cc2s1
81
- CC1SCc2ncnc(N3CCN(C(=O)C(N)Cc4c[nH]c5ccccc45)CC3)c21
82
- Cn1ncc(Cl)c1-c1cc(C(=O)NC2CNC(CCO)CC2c2ccc(F)c(F)c2)oc1Cl
83
- N#Cc1ccn2c(-c3ccccc3)c(-c3ccc(C4(N)CCC4)cc3)nc2c1
84
- Fc1ccc(-c2cn3nc(C4CC4)nc3nc2-c2ccc(CN3CCC(c4n[nH]c(-c5cc(Cl)ccn5)n4)CC3)cc2)cc1
85
- NCC(Cc1ccncc1)NC(=O)c1cc(Br)c(-c2ccnc3[nH]ccc23)s1
86
- COC(=O)c1cc(Cl)c2nc(-c3ccc(C4(N)CCC4)cc3)c(-c3ccccc3)n2c1
87
- COCCNC(=O)c1ccc2nc(-c3ccc(C4(N)CCC4)cc3)c(-c3ccccc3)n2c1
88
- Nc1ncnc2c1cnn2C1CCN(Cc2ccc(-c3nc4ccnn4cc3-c3ccccc3)cc2)CC1
89
- CCn1c(-c2nonc2N)nc2c(C#CC(C)(C)O)ncc(OCC3CCNCC3)c21.O=C(O)C(F)(F)F
90
- O=C(Cc1nc(N2CCOCC2)cc(=O)[nH]1)Nc1ccc(F)cc1Br
91
- CCN(CC)CCNC(=O)c1ccc2nc(-c3ccccc3)c(-c3ccc(CN4CCC(n5c(=O)[nH]c6ccccc65)CC4)cc3)nc2c1
92
- Cc1n[nH]c2cnc(-c3cncc(OCC(N)Cc4ccc(C(F)(F)F)cc4)c3)cc12
93
- COc1ccc(S(=O)(=O)Nc2cc(-c3ccc4nc(NC(C)=O)sc4c3)cnc2Cl)cc1
94
- COC(=O)c1cn2cc(-c3ccccc3)c(-c3ccc(CN4CC(c5n[nH]c(-c6ccccn6)n5)C4)cc3)nc2n1
95
- CC(C)=C1C(=O)Nc2ccc(NC(COc3cncc(-c4ccc5c(c4)C(=C(C)C)C(=O)N5)c3)Cc3c[nH]c4ccccc34)cc21
96
- NC(=O)c1cc(-c2ccn[nH]2)cn2c(-c3ccccc3)c(-c3ccc(C4(N)CCC4)cc3)nc12
97
- Cc1ccc2c(c1)OCn1c-2nc(-c2ccc(C3(N)CC(O)(C4CC4)C3)cc2)c1-c1ccccc1
98
- Nc1ncccc1-c1nc2cccnc2n1-c1ccc(CC(=O)Nc2ccccc2)cc1
99
- CC(C)Nc1nc2nc(-c3ccc(CN4CC(c5n[nH]c(-c6ccccn6)n5)C4)cc3)c(-c3ccccc3)cn2n1
100
- Oc1nc2ccc(NC(COc3cncc(-c4ccc5nc(O)sc5c4)c3)Cc3c[nH]c4ccccc34)cc2s1
101
- NCC(Cc1ccccc1)NC(=O)c1cc(Br)c(-c2ccnc3[nH]ccc23)s1
102
- COc1cc(Cl)cn2c(-c3ccccc3)c(-c3ccc(C4(N)CCC4)cc3)nc12
103
- c1ccc(-c2nnc[nH]2)c(Nc2ncnc3[nH]ccc23)c1
104
- NC1(c2ccc(-c3nc4nc(Oc5ccccc5)ccn4c3-c3ccccc3)cc2)CCC1
105
- CC1CC(O)c2ncnc(N3CCN(C(=O)C(c4ccc(Cl)cc4)C4COCCN4)CC3)c21
106
- COc1ccc(S(=O)(=O)Nc2cncc(-c3ccc4nc(NC(C)=O)sc4c3)c2)cc1
107
- COc1cc(COc2ccn3c(-c4ccccc4)c(-c4ccc(C5(N)CCC5)cc4)nc3n2)ccn1
108
- NC(Cc1cc(F)cc(F)c1)C(=O)N1CCN(c2ncnc3ccccc23)CC1
109
- Sc1nnc2c3cc(-c4ccccc4)c(-c4ccc(CN5CCC(c6n[nH]c(-c7ccccn7)n6)CC5)cc4)nc3ccn12
110
- Cc1c(NCCN2CCCC2)cc(OCC(C)C)cc1N1CCN(c2ncnc3[nH]nc(Br)c23)CC1
111
- NC1(c2ccc(-c3nc4c(C5CC5)cccn4c3-c3ccccc3)cc2)CCC1
112
- NC(=O)c1cccn2c(-c3ccccc3)c(-c3ccc(C4(N)CCC4)cc3)nc12
113
- CNC(=O)CC1CC(c2ccc(F)c(F)c2)C(NC(=O)c2cc(-c3c(Cl)cnn3C)c(Cl)o2)CN1
114
- CC1(O)CC(N)(c2ccc(-c3nc4n(c3-c3ccccc3)COc3ccc(C(N)=O)cc3-4)cc2)C1
115
- O=C1CC2OC(c3ccsc3)C3=C(C(=O)c4ccccc4C3=O)C2O1
116
- N=C(c1ccccc1)n1c(=N)ccc2nc(-c3ccc(C4(N)CCC4)cc3)c(-c3ccccc3)cc21
117
- Cn1ncc(Cl)c1-c1cc(C(=O)NC2CNCCC2c2ccc(F)c(F)c2)sc1Cl
118
- NC(COc1cncc(-c2ccc3[nH]ncc3c2)c1)Cc1c[nH]c2ccccc12
119
- COC(=O)c1cn2cc(-c3ccccc3)c(-c3ccc(CN4CC(c5n[nH]c(-c6ccccn6)n5)C4)cc3)nc2n1
120
- COc1cc(-c2ncc[nH]2)cn2c(-c3ccccc3)c(-c3ccc(C4(N)CCC4)cc3)nc12
121
- O=C(Nc1ccc2c(c1)CCO2)NC1CCN(Cc2ccc(-c3nnc4n3-c3cccnc3Nc3ccccc3-4)cc2)CC1
122
- Cn1c(CC(=O)N2CCc3c(F)cccc32)nc(N2CCOCC2)cc1=S
123
- NC1(c2ccc(-c3nc4n(c3-c3ccccc3)COc3ccccc3-4)cc2)CCC1
124
- NC(COc1cncc(-c2ccc3cnc(Cl)cc3c2)c1)Cc1c[nH]c2ccccc12
125
- NC1CCN(c2ccnc3[nH]ccc23)CC1
126
- CCn1c(-c2nonc2N)nc2c(C#CC(C)(C)O)nc(OCC(N)c3ccccc3)cc21
127
- NC(COc1cncc(-c2ccc3c(F)nccc3c2)c1)Cc1c[nH]c2ccccc12
128
- Cl.Cn1ncc(Cl)c1-c1ccc(C(=O)NC2CNCCC2c2ccc(Cl)c(C(F)(F)F)c2)s1
129
- Cn1ncc(Cl)c1-c1cc(C(=O)NC(CN)Cc2cccc(F)c2)sc1Cl
130
- NC1(c2ccc(-c3nc4c5ccc(-c6ccc(F)c(O)c6)cc5nn4cc3-c3ccccc3)cc2)CCC1
131
- Cn1nccc1-c1ccc(C(=O)NC2CNCCC2c2ccc(F)c(F)c2)cc1
132
- CCCC(NC(=O)C(CCCNC(=N)N)NC(=O)C(CC1CCCCC1)NC(=O)C(N)CCCNC(=N)N)C(=O)NC(Cc1ccc(O)cc1)C(=O)NC(CN)C(=O)NC(CCC(C)C)C(N)=O
133
- NC1(c2ccc(-c3nc4ncccn4c3-c3ccccc3)cc2)CCC1
134
- CNCCn1cc(-c2ccc(F)c(C(F)(F)F)c2)nc1C1CCN(c2ncnc(N)c2C#N)CC1
135
- N#Cc1cccc(CC(N)COc2cncc(C=Cc3ccncc3)c2)c1
136
- NC(COc1cncc(-c2ccc3[nH]nc(Cl)c3c2)c1)Cc1c[nH]c2ccccc12
137
- Nc1ncccc1-c1nc2ccc(-c3ccccc3)nc2n1-c1ccc(CNC(=O)c2ccccc2)cc1
138
- NC1(c2ccc(-c3nc4n(c3-c3ccccc3)COc3ccncc3-4)cc2)CCC1
139
- CN(C)CC1CN(C(=O)Cc2nc(N3CCOCC3)cc(=O)[nH]2)c2ccccc21
140
- O=C(Cc1nc(N2CCOCC2)cc(=O)[nH]1)Nc1ccc(F)c(C2CC2)c1
141
- Nc1ncnc(N2CCC(c3nc(-c4ccc(F)c(C(F)(F)F)c4)cn3CCN3CCCCC3)CC2)c1-c1ccc(F)cc1
142
- O=C(NC(c1ccc(Cl)c(Cl)c1)C1CNC1)c1ccc2cnccc2c1
143
- CCc1c(N)ncnc1N1CCC(c2nc(-c3ccc(F)c(C)c3)cn2CCN(CC)C(C)C)CC1
144
- Cc1c[nH]c2ncnc(N3CCC(N)(CNC(=O)c4ccccc4)C3)c12
145
- Cc1n[nH]c2ccc(-c3cc(OCC(N)Cc4ccccc4)cnc3-c3ccc[nH]3)cc12
146
- Cc1n[nH]c2ccc(-c3cncc(OCC(N)Cc4cccc(OC(F)(F)F)c4)c3)cc12
147
- NC1(c2ccc(-c3nc4ccc(F)cn4c3-c3ccccc3)cc2)CCC1
148
- CCn1c(-c2nonc2N)nc2c(C#CC(C)(C)O)nc(CNC)cc21
149
- NC(COc1cnc2ccc(-c3ccncc3)cc2c1)Cc1c[nH]c2ccccc12
150
- CC(C(=O)N1CCc2c(F)cccc21)c1nc(N2CCOCC2)cc(=O)[nH]1
151
- Cn1nccc1-c1ccc(C(=O)NC2CNCCC2c2ccc(F)c(F)c2)cn1
152
- Nc1n[nH]c2ccc(-c3cncc(OCC(N)Cc4c[nH]c5ccccc45)c3)cc12
153
- Cc1n[nH]c2ncc(-c3cc(OCC(N)Cc4c[nH]c5ccccc45)c(C#N)nc3-c3ccoc3)nc12
154
- COc1ccc2nc(-c3ccc(C4(N)CCC4)cc3)c(-c3ccccc3)n2c1
155
- CSc1ncc2cc(-c3ccccc3)c(-c3ccc(CN4CCC(c5nnc(N)s5)CC4)cc3)nc2n1
156
- Cc1cccc(-c2nc(C3CN(Cc4ccc(-c5nc6nc(-c7ccccn7)nn6c(NC(C)C)c5-c5ccccc5)cc4)C3)n[nH]2)n1
157
- COc1cccc(CC2(N)CCN(c3ncnc4[nH]ccc34)CC2)c1
158
- O=C(C(CNC1CCCCC1)c1ccc(Cl)cc1)N1CCN(c2ncnc3sc4c(c23)CCC4)CC1
159
- Nc1ncnc2nc(-c3ccc(CN4CCC(c5nc6ccc(F)cc6[nH]5)CC4)cc3)c(-c3ccccc3)cc12
160
- CC1CC(O)c2ncnc(N3CCN(C(=O)C(CN4CCC(F)CC4)c4ccc(Cl)cc4)CC3)c21
161
- CCc1cc2cc(-c3cncc(OCC(N)Cc4c[nH]c5ccccc45)c3)ccc2cn1
162
- COc1ccc(C2(C(=O)N3CCN(c4ncnc5[nH]ccc45)CC3)CCNCC2)cc1
163
- NC(CNc1ncc(-c2ccc3cnccc3c2)s1)Cc1ccc(C(F)(F)F)cc1
164
- Cn1ncc(Cl)c1-c1cc(C(=O)NC(CN)Cc2cccc(F)c2)sc1Cl
165
- Cn1nccc1-c1csc(C(=O)NC2CNCCC2c2ccc(Cl)cc2)c1
166
- Cc1ccc(-c2ccc3nn4cc(-c5ccccc5)c(-c5ccc(C6(N)CCC6)cc5)nc4c3c2)cc1
167
- CCCC(NC(=O)C(CCCNC(=N)N)NC(=O)C1CCCN1C(=O)C(N)CCCNC(=N)N)C(=O)NC(Cc1ccc(O)cc1)C(=O)NC(CS)C(=O)NC(CCC(C)C)C(N)=O
168
- NC1(c2ccc(-c3nc4cc(Cl)ccn4c3-c3ccccc3)cc2)CCC1
169
- NC1(c2ccc(-c3ncc4cccn4c3-c3ccccc3)cc2)CCC1
170
- Fc1ccc(-c2cn3c(Cl)cnc3nc2-c2ccc(CN3CCC(c4n[nH]c(-c5ccccn5)n4)CC3)cc2)cc1
171
- COC(=O)COc1ccn2c(-c3ccccc3)c(-c3ccc(C4(N)CCC4)cc3)nc2c1
172
- CC(=O)Nc1ccc(-c2cncc(OCC(N)Cc3c[nH]c4ccccc34)c2)cc1
173
- COc1c(F)ccc(NC(=O)Cc2nc(N3CCOCC3)cc(=O)[nH]2)c1F
174
- NC1(C(=O)NCc2ccc(Cl)cc2)CCN(c2ccnc3[nH]ccc23)CC1
175
- Nc1ncnc2nc(-c3ccc(CN4CCC(n5c(=O)[nH]c6ccccc65)CC4)cc3)c(-c3ccccc3)cc12
176
- NC1(c2ccc(-c3nc4c(-c5cn[nH]c5)cccn4c3-c3ccccc3)cc2)CCC1
177
- c1ccc(-c2cc(-c3nn[nH]n3)cnc2-c2ccc(CNCc3ccc(-c4csnn4)cc3)cc2)cc1
178
- NCC(NCc1ccc(-c2ccnc3[nH]ccc23)s1)c1ccccc1
179
- CC(=O)Nc1nc2ccc(-c3ccnc(N(C)S(=O)(=O)c4ccccc4F)n3)cc2s1
180
- N#Cc1c(N)ncnc1N1CCC(c2nc(-c3cc[nH]c(=O)c3)cn2CCN2CCC2)CC1
181
- NCC(Cc1cccc(F)c1)NC(=O)c1cc(Br)c(-c2ccnc3[nH]ccc23)s1
182
- O=C(N1CCN(c2ncnc3[nH]nc(Cl)c23)CC1)C1(c2ccc(Cl)c(Cl)c2)CCNCC1
183
- Cc1cc(C(N)=O)cn2c(-c3ccccc3)c(-c3ccc(C4(N)CCC4)cc3)nc12
184
- O=C(NC(c1cccc(Cl)c1)C1CCNCC1)c1ccc2cnccc2c1
185
- NC1(c2ccc(-c3nc4ccc(-c5cnc[nH]5)cn4c3-c3ccccc3)cc2)CCC1
186
- NC1(c2ccc(-n3c(-c4ccccc4)nc4ccc(-c5ccccc5)nc43)cc2)CCC1
187
- CC1(O)CC(O)(c2ccc(-c3nc4n(c3-c3ccccc3)COc3cc(C(=O)O)ccc3-4)cc2)C1
188
- CCOCCN(CC(O)CN1CCCC2(CCN(c3ncnc(N)c3C3CC3)C2)C1)S(=O)(=O)c1c(C)cccc1C
189
- NC1(Cc2cccc(OC(F)(F)F)c2)CCN(c2ncnc3[nH]ccc23)CC1
190
- c1ccc(-c2cc3cccnc3nc2-c2ccc(CN3CCC(c4cc(-c5ccccn5)[nH]n4)CC3)cc2)cc1
191
- CCCCCCCCCCCCCCCC(=O)OCC(COP(=O)(O)OC1C(O)C(OP(=O)(O)O)C(OP(=O)(O)O)C(OP(=O)(O)O)C1O)OC(=O)CCCCCCCCCCCCCCC
192
- Cc1noc(C)c1S(=O)(=O)N(CCOC(C)C)CC(O)CN1CCCC2(CC(=O)c3cc(O)ccc3O2)C1
193
- O=C(Cc1ccc(Cl)cc1)N1CCN(c2ncnc3[nH]cc(Br)c23)CC1
194
- Cl.NCc1ccc(-n2c(-c3cccnc3N)nc3ccc(-c4ccccc4)nc32)cc1
195
- CS(=O)(=O)c1ccc(-c2cnc3cc(-c4ccccc4)c(-c4ccc(C5(N)CCC5)cc4)nn23)cc1
196
- Cc1c[nH]c2ncnc(N3CCC(NC(=O)c4ccccc4)C3)c12
197
- CNC(=O)C1CCN(c2cnc(C(=O)Nc3csc(-c4nncn4C(C)C(F)(F)F)n3)cc2-n2cnc(C3CC3)c2)CC1
198
- NCC(NC(=O)c1cc(-c2ccccc2)c(-c2ccnc3[nH]ccc23)s1)c1ccccc1
199
- CC1Cc2c(Br)cccc2N1C(=O)Cc1nc(N2CCOCC2)c(F)c(=O)n1C
200
- Nc1ccc(-c2nnc(C3CCN(Cc4ccc(-c5nc6cc[nH]c(=O)c6cc5-c5ccccc5)cc4)CC3)[nH]2)cn1
201
- NC1(c2ccc(-c3nc4c5ccc(Br)cc5nn4cc3-c3ccccc3)cc2)CCC1
202
- N#Cc1c(N)ncnc1N1CCC(c2nc(-c3ccc(F)c(Cl)c3)cn2CCN2CCCC2)CC1
203
- [C-]#[N+]c1cccc(C(=O)Nc2ccc(-c3nnc4n3-c3cccnc3Nc3ccccc3-4)cc2)c1
204
- CCc1cnn(C)c1-c1ccc(C(=O)NC2CNCCC2c2cccc(F)c2)s1.Cl
205
- Cc1cc(O)cc2c1NC(C)(CCCC(C)C)CC2
206
- O=c1ccc(-c2cc(C3CCN(Cc4ccc(-c5nc6ncccc6cc5-c5ccccc5)cc4)CC3)n[nH]2)c[nH]1
207
- O=S(=O)(NC1(c2ccc(-c3nnc4n3-c3cccnc3Nc3ccccc3-4)cc2)CCC1)c1cccc(F)c1
208
- CC1(O)CC(N)(c2ccc(-c3nc4n(c3-c3ccccc3)COc3ccccc3-4)cc2)C1
209
- Cn1c(CC(=O)N2CCc3ccc(F)cc32)nc(N2CCOCC2)cc1=O
210
- N=C(c1ccccc1)n1c(=N)ccc2nc(-c3ccc(C4(N)CC(F)(F)C4)cc3)c(-c3ccccc3)cc21
211
- NC1(c2ccc(-c3nc4c5cccc(-c6cn[nH]c6)c5nn4cc3-c3ccccc3)cc2)CCC1
212
- N#Cc1cccc(-c2ccc3nn4cc(-c5ccccc5)c(-c5ccc(C6(N)CCC6)cc5)nc4c3c2)c1
213
- CCn1c(-c2nonc2N)nc2c(-c3ccoc3)ncc(OCCCN)c21
214
- CN(C)CCn1cc(-c2ccc(F)c(C(F)(F)F)c2)nc1C1CCN(c2ncnc(N)c2-c2cnc(N)nc2)CC1
215
- Cc1n[nH]c2ccc(-c3nnc(NCC(N)Cc4ccc(Cl)cc4)s3)cc12
216
- NC1(c2ccc(-c3nc4ccc(-c5cn[nH]c5)cn4c3-c3ccccc3)cc2)CCC1
217
- CC1OC2CC(=O)OC2C2=C1C(=O)c1ccccc1C2=O
218
- CC1(O)CC(N)(c2ccc(-c3nc4n(c3-c3ccsc3)COc3cccc(F)c3-4)cc2)C1
219
- CC(=O)Nc1cccc(-c2ccc3nc(-c4cccnc4N)n(-c4ccc(CC(=O)Nc5cccc(F)c5)cc4)c3n2)c1
220
- CNC1CC2OC(C)(C1OC)n1c3ccccc3c3c4c(c5c6ccccc6n2c5c31)C(=O)NC4
221
- CCOC(=O)c1c(C)nc(NNC(=O)c2cccc3c(=O)c4ccccc4[nH]c23)nc1-c1ccc(OC)c(OC)c1
222
- c1ccc(-c2cc3cnc(-n4ccnc4)nc3nc2-c2ccc(CN3CCC(c4nnc(-c5ccccn5)[nH]4)CC3)cc2)cc1
223
- Cc1nnc2c3cc(-c4ccccc4)c(-c4ccc(CN5CCC(c6n[nH]c(-c7ccccn7)n6)CC5)cc4)nc3ccn12
224
- CN(C)c1ccc(C(=O)NCc2ccc(-c3nnc4n3-c3cccnc3Nc3ccccc3-4)cc2)cc1
225
- NCC(Cc1ccc(C(F)(F)F)cc1)NC(=O)c1cc(Br)c(-c2ccnc3[nH]ccc23)s1
226
- CC1Cc2c(ccc(F)c2Cl)N1C(=O)Cc1nc(N2CCOCC2)cc(=O)[nH]1
227
- C=Cc1ncc(OCC(N)Cc2c[nH]c3ccccc23)cc1-c1ccc2cnccc2c1
228
- Cc1cc(F)ccc1S(=O)(=O)NCC(O)CN1CCCC2(CCN(c3ncnc(N)c3C3CC3)C2)C1
229
- NC1(C(=O)NC(CCO)c2ccc(Cl)cc2)CCN(c2ncnc3[nH]ccc23)CC1
230
- NC(=O)COc1ccn2c(-c3ccccc3)c(-c3ccc(C4(N)CCC4)cc3)nc2c1
231
- Cc1cn2c(-c3ccccc3)c(-c3ccc(C4(N)CCC4)cc3)nc2c(C)n1
232
- CCc1c(N)ncnc1N1CCC(c2nc(-c3ccc(F)cc3)cn2CCN2CC(F)C2)CC1
233
- CC1Cc2ccccc2N1C(=O)Cc1nc(N2CCOCC2)c(Cl)c(=O)[nH]1
234
- O=C(Cc1nc(N2CCOCC2)cc(=O)[nH]1)N1CCc2c(Cl)cccc21
235
- CCc1ncc(OCC(N)Cc2c[nH]c3ccccc23)cc1-c1ccc2cnccc2c1
236
- Cc1cc(-c2cccnc2)c2nc(-c3ccc(C4(N)CCC4)cc3)c(-c3ccccc3)n2c1
237
- CNC1CC2OC(C)(C1OC)n1c3ccccc3c3c4c(c5c6ccccc6n2c5c31)C(=O)NC4
238
- CCn1c(-c2nonc2N)nc2c(C#CC(C)(C)O)ncc(OCCCCN)c21
239
- Cc1n[nH]c2ccc(-c3cncc(OCC(N)Cc4cccc(C(F)(F)F)c4)c3)cc12
240
- C=Cc1c(N)ncnc1N1CCC(c2nc(-c3cccc(F)c3)cn2CCN2CCCC2)CC1
241
- Cc1cc(NC(=O)Cc2nc(N3CCOCC3)cc(=O)[nH]2)ccc1F
242
- Nc1ncccc1-c1nc2ccc(Nc3ccc(N4CCOCC4)cc3)nc2n1-c1ccc(C2(N)CCC2)cc1
243
- CCc1c[nH]c2ncnc(N3CCC(N)(CNC(=O)c4ccc(F)cc4F)C3)c12
244
- NC1(c2ccc(-c3nc4c5cc(F)ccc5nn4cc3-c3ccccc3)cc2)CCC1
245
- O=C(Cc1nc(N2CCOCC2)cc(=O)[nH]1)Nc1cccc(Cl)c1
246
- CC1CC(O)c2ncnc(N3CCN(C(=O)C(CNCC4CC4)c4ccc(Cl)cc4)CC3)c21
247
- Nc1ncccc1-c1nc2ccc(-c3cccc(N4CCC(C(=O)N5CCOCC5)CC4)c3)nc2n1-c1ccc(C2(N)CCC2)cc1
248
- CC1Cc2ccccc2N1C(=O)Cc1nc(N2CCOC(CF)C2)cc(=O)[nH]1
249
- Cc1ccn2c(-c3ccccc3)c(-c3ccc(C4(N)CCC4)cc3)nc2c1
250
- NC1(c2ccc(-c3ncc4cnccc4c3-c3ccccc3)cc2)CCC1
251
- COc1ncc(-c2cc3c(C)nc(N)nc3n(C3CCC(OCC(N)=O)CC3)c2=O)cn1
252
- CCn1c(-c2nonc2N)nc2c(C#CC(C)(C)O)nc(OCCNC)cc21
253
- Cc1cccc(-c2nc(C3CCN(Cc4ccc(-c5nc6nccn6cc5-c5ccc(F)cc5)cc4)CC3)n[nH]2)n1
254
- NC1(c2ccc(-c3nc4c5cc(-c6ccc(CO)cc6)ccc5nn4cc3-c3ccccc3)cc2)CCC1
255
- NC1(c2ccc(-c3nc4ncc(-c5ccccc5)cn4c3-c3ccccc3)cc2)CCC1
256
- CC1Cc2cc(F)c(F)cc2N1C(=O)Cc1nc(N2CCOCC2)c(F)c(=O)n1C
257
- NC1(c2ccc(-n3c(-c4ccccc4)nc4ccc(NCc5ccccc5)nc43)cc2)CCC1
258
- OCCNC(c1ccc(Cl)cc1)c1ccc(-c2cn[nH]c2)cc1
259
- Cc1cc(-c2cn(CCNCC(C)C)c(C3CCN(c4ncnc(N)c4C(N)=O)CC3)n2)ccc1F
260
- CCNc1nc(-c2ccoc2)c(-c2cnc3[nH]nc(C)c3n2)cc1OCC(N)Cc1ccccc1
261
- Cn1c(CC(=O)N2CCc3c(F)cccc32)nc(N2CCOCC2)cc1=O
262
- Cc1c(-c2ccn[nH]2)cn2c(-c3ccccc3)c(-c3ccc(C4(N)CCC4)cc3)nc2c1C
263
- NC(COc1cncc(-c2ccc3[nH]nc(-c4ccc[nH]4)c3c2)c1)Cc1c[nH]c2ccccc12
264
- Cc1n[nH]c2ccc(-c3nnc(NCC(N)Cc4ccc(F)c(F)c4)s3)cc12
265
- O=S(=O)(NCCNCC=Cc1ccc(Br)cc1)c1cccc2cnccc12
266
- COC(=O)c1c(C)nc(NNC(=O)c2cccc3c(=O)c4ccccc4[nH]c23)nc1-c1ccc(OC)cc1
267
- CCn1c(-c2nonc2N)nc2c(C#CC(C)(C)O)nc(OC(CN)c3ccccc3)cc21
268
- CC(C)NCCn1cc(-c2ccc(F)c(C(F)(F)F)c2)nc1C1CCN(c2ncnc(N)c2C(N)=O)CC1
269
- CC(=O)Nc1nc2ccc(-c3cnc(Cl)c(NS(=O)(=O)c4ccc(F)cc4)c3)cc2[nH]1
270
- Nc1ncnc(N2CCC(c3nc(-c4cccc(F)c4)cn3CCN3CCCC3)CC2)c1Br
271
- O=C(NC(c1ccc(Cl)cc1)C1CCNCC1)c1ccc2cnccc2c1
272
- Cc1cc(-c2cn(CCN(C)C)c(C3CCN(c4ncnc(N)c4C#N)CC3)n2)ccc1F
273
- CNc1nccc(-c2ccc(C(=O)NCC(C)c3ccc(Cl)cc3Cl)s2)n1
274
- CC1Cc2cc(F)ccc2N1C(=O)Cc1nc(N2CCOCC2)c(F)c(=O)[nH]1
275
- Cn1ncc(Cl)c1-c1cc(C(=O)NC2CNCCC2c2ccc(Cl)c(Cl)c2)oc1Cl
276
- COc1ccccc1C(=O)N1CCN(Cc2ccc(-c3nnc4n3-c3cccnc3Nc3ccccc3-4)cc2)CC1
277
- Nc1cc2cc(-c3cnc(NCC(N)Cc4ccc(C(F)(F)F)cc4)s3)ccc2cn1
278
- CSc1nc2nc(-c3ccc(CN4CCC(c5n[nH]c(-c6cccc(C)n6)n5)CC4)cc3)c(-c3ccccc3)cn2n1
279
- Nc1ncnc(N2CCC(c3nc(-c4ccnc(C(F)(F)F)c4)cn3CCNC3CC3)CC2)c1Cl
280
- NCC(Cc1ccccc1)NC(=O)c1cc(Br)c(-c2ccnc3[nH]ccc23)s1
281
- COc1ccc(COc2ccn3c(-c4ccccc4)c(-c4ccc(C5(N)CCC5)cc4)nc3n2)cn1
282
- Cc1n[nH]c2ccc(-c3cc(OCC(N)Cc4c[nH]c5ccccc45)cnc3-c3ccoc3)nc12
283
- Cc1cnn(C)c1-c1ccc(C(=O)NC2CNCCC2c2cccc(F)c2)s1.Cl
284
- N=C(c1ccccc1)n1c(=N)ccc2nc(-c3ccc(C4(N)CC(F)(F)C4)cc3)c(-c3ccccc3)cc21
285
- CC(C)Nc1c(-c2ccccc2)c(-c2ccc(CN3CC(c4n[nH]c(-c5ccccn5)n4)C3)cc2)nc2nc(-c3ccccn3)nn12
286
- CSc1ncc2cc(-c3ccccc3)c(-c3ccc(CNCCc4nccs4)cc3)nc2n1
287
- NC1(c2ccc(-n3c(-c4cccc(Cl)c4)nc4ccc(-c5cccc(N6CCOCC6)c5)nc43)cc2)CCC1
288
- NC1(C(=O)NC(CCN2CCCCC2)c2ccc(Cl)cc2)CCN(c2ncnc3[nH]ccc23)CC1
289
- NC1(c2ccc(-c3nc4c(F)cccn4c3-c3ccccc3)cc2)CCC1
290
- Cc1n[nH]c2ccc(-c3cncc(OCC(N)Cc4csc5ccccc45)c3)cc12
291
- NC(=O)c1c(N)ncnc1N1CCC(c2nc(-c3ccc(F)c(Cl)c3)cn2CCN2CCC2)CC1
292
- Cc1cc(-c2cn(CCNC3CC3)c(C3CCN(c4ncnc(N)c4-c4cn[nH]c4)CC3)n2)ccc1F
293
- NC(=O)c1cccn2c(-c3ccccc3)c(-c3ccc(C4(N)CCC4)cc3)nc12
294
- Cc1cc(-c2cn(CC3CNC3)c(C3CCN(c4ncnc(N)c4C#N)CC3)n2)ccc1F
295
- NC1(c2ccc(-c3nc4c(-c5ccn[nH]5)cccn4c3-c3ccccc3)cc2)CCC1
296
- Cc1cc(-c2cn(CCNCC(C)C)c(C3CCN(c4ncnc(N)c4C#N)CC3)n2)ccc1F
297
- Cc1c[nH]c2ncnc(Nc3ccccc3-c3nnc[nH]3)c12
298
- CCn1c(-c2nonc2N)nc2c(C#CCCO)ncc(OCCCN)c21
299
- CC(C)NCC(Cc1ccc(Cl)c(F)c1)C(=O)N1CCN(c2ncnc3c2C(C)OC3)CC1
300
- O=C(Cc1nc(N2CCOCC2)cc(=O)[nH]1)N1CCc2c(F)cccc21
301
- CN1CC(C(NC(=O)c2ccc3cnccc3c2)c2ccc(Cl)c(Cl)c2)C1
302
- CCCC(NC(=O)C(CCCNC(=N)N)NC(=O)CN(CCCCCCN)C(=O)C(N)CCCNC(=N)N)C(=O)NC(Cc1ccc(O)cc1)C(=O)NC(CN)C(=O)NC(CCC(C)C)C(=O)N(CCN)CC(N)=O
303
- Cc1c(NCCN2CCCC2)cc(C(=O)CCC(F)(F)F)cc1N1CCN(c2ncnc3[nH]nc(Br)c23)CC1
304
- NCC(Cc1cccc(C(F)(F)F)c1)NC(=O)c1cc(Br)c(-c2ccnc3[nH]ccc23)s1
305
- CSc1nc2nc(-c3ccc(CN4CC(c5n[nH]c(-c6cccc(C)n6)n5)C4)cc3)c(-c3ccccc3)cn2n1
306
- NC(COc1cncc(-c2ccc3c(c2)C(c2cccs2)C(=O)N3)c1)Cc1c[nH]c2ccccc12
307
- Cn1nnnc1-c1cnc(-c2ccc(CN3CCC(n4c(=O)[nH]c5ccccc54)CC3)cc2)c(-c2ccccc2)c1
308
- CC(C)c1cccc(NC(=O)Cc2nc(N3CCOCC3)cc(=O)[nH]2)c1
309
- CC1CC(O)c2ncnc(N3CCN(C(=O)C(CNCC4CC4)c4ccc(C(F)(F)F)c(F)c4)CC3)c21
310
- Cc1c[nH]c2ncnc(N3CCC(N)(CNC(=O)c4ccc(Cl)cc4)C3)c12
311
- NC1(c2ccc(-n3c(-c4ccccc4O)nc4ccc(-c5ccccc5)nc43)cc2)CCC1
312
- CC(C)(Cc1ccccc1)C1C(=O)Nc2ccc(-c3cncc(OCC(N)Cc4c[nH]c5ccccc45)c3)cc21
313
- Cc1ccc(CC(N)C(=O)N2CCN(c3ncnc4ccccc34)CC2)cc1
314
- Nc1ncccc1-c1nc2ccc(-c3cccnc3)nc2n1-c1ccc(CC(=O)Nc2ccccc2)cc1
315
- CSc1ncc2cc(-c3ccccc3)c(-c3ccc(CN4CCC(n5ncc6c(N)ncnc65)CC4)cc3)nc2n1
316
- NC1(c2ccc(-c3nn4c(-c5ccn[nH]5)cnc4cc3-c3ccccc3)cc2)CCC1
317
- Cl.NCc1ccc(-n2c(-c3cccnc3N)nc3ccc(-c4cn[nH]c4)nc32)cc1
318
- COC1(C)CN(c2cnc(C(=O)Nc3csc(-c4nncn4C4CC4)n3)cc2-n2cnc(C3CC3)c2)C1
319
- N#Cc1ncc(OCC(N)Cc2c[nH]c3ccccc23)cc1-c1ccc2cnccc2c1
320
- NC(COc1cncc(-c2ccc3c(c2)C(c2ccccc2)C(=O)N3)c1)Cc1c[nH]c2ccccc12
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
data/akt_train.pt DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:a10e3ebfba171192dc99aa4711c120123542fbe9926070f6ab8348bd4023476d
3
- size 8815527
 
 
 
 
data/akt_train.smi DELETED
The diff for this file is too large to render. See raw diff
 
data/chembl45_test.pt DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:e526ed2734f896bf8515cc840dc1eee5b45c457f27d894b986d1c71606b9cf7b
3
- size 466859911