Skip to content

Instantly share code, notes, and snippets.

@iwatobipen
Created December 10, 2019 12:36
Show Gist options
  • Star 1 You must be signed in to star a gist
  • Fork 0 You must be signed in to fork a gist
  • Save iwatobipen/72a2d9dd616322f1f20469a152f2bb58 to your computer and use it in GitHub Desktop.
Save iwatobipen/72a2d9dd616322f1f20469a152f2bb58 to your computer and use it in GitHub Desktop.
added viz
Display the source blob
Display the rendered blob
Raw
{
"cells": [
{
"cell_type": "code",
"execution_count": 1,
"metadata": {},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"RDKit WARNING: [15:12:51] Enabling RDKit 2019.09.2 jupyter extensions\n"
]
}
],
"source": [
"%matplotlib inline \n",
"import matplotlib.pyplot as plt\n",
"import os\n",
"from rdkit import Chem\n",
"from rdkit import RDPaths\n",
"\n",
"import dgl\n",
"import numpy as np\n",
"import random\n",
"import torch\n",
"import torch.nn as nn\n",
"import torch.nn.functional as F\n",
"from torch.utils.data import DataLoader\n",
"from torch.utils.data import Dataset\n",
"from dgl import model_zoo\n",
"\n",
"from dgl.data.chem.utils import mol_to_complete_graph, mol_to_bigraph\n",
"\n",
"from dgl.data.chem.utils import atom_type_one_hot\n",
"from dgl.data.chem.utils import atom_degree_one_hot\n",
"from dgl.data.chem.utils import atom_formal_charge\n",
"from dgl.data.chem.utils import atom_num_radical_electrons\n",
"from dgl.data.chem.utils import atom_hybridization_one_hot\n",
"from dgl.data.chem.utils import atom_total_num_H_one_hot\n",
"from dgl.data.chem.utils import one_hot_encoding\n",
"from dgl.data.chem import CanonicalAtomFeaturizer\n",
"from dgl.data.chem import CanonicalBondFeaturizer\n",
"from dgl.data.chem import ConcatFeaturizer\n",
"from dgl.data.chem import BaseAtomFeaturizer\n",
"from dgl.data.chem import BaseBondFeaturizer\n",
"\n",
"from dgl.data.chem import one_hot_encoding\n",
"from dgl.data.utils import split_dataset\n",
"\n",
"from functools import partial\n",
"from sklearn.metrics import roc_auc_score"
]
},
{
"cell_type": "code",
"execution_count": 2,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"True"
]
},
"execution_count": 2,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"torch.cuda.is_available()"
]
},
{
"cell_type": "code",
"execution_count": 3,
"metadata": {},
"outputs": [],
"source": [
"def chirality(atom):\n",
" try:\n",
" return one_hot_encoding(atom.GetProp('_CIPCode'), ['R', 'S']) + \\\n",
" [atom.HasProp('_ChiralityPossible')]\n",
" except:\n",
" return [False, False] + [atom.HasProp('_ChiralityPossible')]\n",
" \n",
"def collate_molgraphs(data):\n",
" \"\"\"Batching a list of datapoints for dataloader.\n",
" Parameters\n",
" ----------\n",
" data : list of 3-tuples or 4-tuples.\n",
" Each tuple is for a single datapoint, consisting of\n",
" a SMILES, a DGLGraph, all-task labels and optionally\n",
" a binary mask indicating the existence of labels.\n",
" Returns\n",
" -------\n",
" smiles : list\n",
" List of smiles\n",
" bg : BatchedDGLGraph\n",
" Batched DGLGraphs\n",
" labels : Tensor of dtype float32 and shape (B, T)\n",
" Batched datapoint labels. B is len(data) and\n",
" T is the number of total tasks.\n",
" masks : Tensor of dtype float32 and shape (B, T)\n",
" Batched datapoint binary mask, indicating the\n",
" existence of labels. If binary masks are not\n",
" provided, return a tensor with ones.\n",
" \"\"\"\n",
" assert len(data[0]) in [3, 4], \\\n",
" 'Expect the tuple to be of length 3 or 4, got {:d}'.format(len(data[0]))\n",
" if len(data[0]) == 3:\n",
" smiles, graphs, labels = map(list, zip(*data))\n",
" masks = None\n",
" else:\n",
" smiles, graphs, labels, masks = map(list, zip(*data))\n",
"\n",
" bg = dgl.batch(graphs)\n",
" bg.set_n_initializer(dgl.init.zero_initializer)\n",
" bg.set_e_initializer(dgl.init.zero_initializer)\n",
" labels = torch.stack(labels, dim=0)\n",
" \n",
" if masks is None:\n",
" masks = torch.ones(labels.shape)\n",
" else:\n",
" masks = torch.stack(masks, dim=0)\n",
" return smiles, bg, labels, masks\n",
"\n"
]
},
{
"cell_type": "code",
"execution_count": 4,
"metadata": {},
"outputs": [],
"source": [
"atom_featurizer = BaseAtomFeaturizer(\n",
" {'hv': ConcatFeaturizer([\n",
" partial(atom_type_one_hot, allowable_set=[\n",
" 'B', 'C', 'N', 'O', 'F', 'Si', 'P', 'S', 'Cl', 'As', 'Se', 'Br', 'Te', 'I', 'At'],\n",
" encode_unknown=True),\n",
" partial(atom_degree_one_hot, allowable_set=list(range(6))),\n",
" atom_formal_charge, atom_num_radical_electrons,\n",
" partial(atom_hybridization_one_hot, encode_unknown=True),\n",
" lambda atom: [0], # A placeholder for aromatic information,\n",
" atom_total_num_H_one_hot, chirality\n",
" ],\n",
" )})\n",
"bond_featurizer = BaseBondFeaturizer({\n",
" 'he': lambda bond: [0 for _ in range(10)]\n",
" })"
]
},
{
"cell_type": "code",
"execution_count": 5,
"metadata": {},
"outputs": [],
"source": [
"train=os.path.join(RDPaths.RDDocsDir, 'Book/data/solubility.train.sdf')\n",
"test=os.path.join(RDPaths.RDDocsDir, 'Book/data/solubility.test.sdf')"
]
},
{
"cell_type": "code",
"execution_count": 6,
"metadata": {},
"outputs": [],
"source": [
"train_mols = Chem.SDMolSupplier(train)\n",
"train_smi =[Chem.MolToSmiles(m) for m in train_mols]\n",
"train_sol = torch.tensor([float(mol.GetProp('SOL')) for mol in train_mols]).reshape(-1,1)\n",
"\n",
"test_mols = Chem.SDMolSupplier(test)\n",
"test_smi = [Chem.MolToSmiles(m) for m in test_mols]\n",
"test_sol = torch.tensor([float(mol.GetProp('SOL')) for mol in test_mols]).reshape(-1,1)"
]
},
{
"cell_type": "code",
"execution_count": 7,
"metadata": {},
"outputs": [],
"source": [
"train_graph =[mol_to_bigraph(mol,\n",
" atom_featurizer=atom_featurizer, \n",
" bond_featurizer=bond_featurizer) for mol in train_mols]\n",
"\n",
"test_graph =[mol_to_bigraph(mol,\n",
" atom_featurizer=atom_featurizer, \n",
" bond_featurizer=bond_featurizer) for mol in test_mols]"
]
},
{
"cell_type": "code",
"execution_count": 8,
"metadata": {},
"outputs": [],
"source": [
"def run_a_train_epoch(n_epochs, epoch, model, data_loader,loss_criterion, optimizer):\n",
" model.train()\n",
" total_loss = 0\n",
" losses = []\n",
" \n",
" for batch_id, batch_data in enumerate(data_loader):\n",
" batch_data\n",
" smiles, bg, labels, masks = batch_data\n",
" if torch.cuda.is_available():\n",
" bg.to(torch.device('cuda:0'))\n",
" labels = labels.to('cuda:0')\n",
" masks = masks.to('cuda:0')\n",
" \n",
" prediction = model(bg, bg.ndata['hv'], bg.edata['he'])\n",
" loss = (loss_criterion(prediction, labels)*(masks != 0).float()).mean()\n",
" #loss = loss_criterion(prediction, labels)\n",
" #print(loss.shape)\n",
" optimizer.zero_grad()\n",
" loss.backward()\n",
" optimizer.step()\n",
" \n",
" losses.append(loss.data.item())\n",
" \n",
" #total_score = np.mean(train_meter.compute_metric('rmse'))\n",
" total_score = np.mean(losses)\n",
" print('epoch {:d}/{:d}, training {:.4f}'.format( epoch + 1, n_epochs, total_score))\n",
" return total_score"
]
},
{
"cell_type": "code",
"execution_count": 9,
"metadata": {
"scrolled": true
},
"outputs": [],
"source": [
"model = model_zoo.chem.AttentiveFP(node_feat_size=39,\n",
" edge_feat_size=10,\n",
" num_layers=2,\n",
" num_timesteps=2,\n",
" graph_feat_size=200,\n",
" output_size=1,\n",
" dropout=0.2)\n",
"model = model.to('cuda:0')"
]
},
{
"cell_type": "code",
"execution_count": 10,
"metadata": {},
"outputs": [],
"source": [
"train_loader = DataLoader(dataset=list(zip(train_smi, train_graph, train_sol)), batch_size=128, collate_fn=collate_molgraphs)\n",
"test_loader = DataLoader(dataset=list(zip(test_smi, test_graph, test_sol)), batch_size=128, collate_fn=collate_molgraphs)"
]
},
{
"cell_type": "code",
"execution_count": 11,
"metadata": {},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"epoch 1/100, training 10.3861\n",
"epoch 2/100, training 4.5270\n",
"epoch 3/100, training 3.9297\n",
"epoch 4/100, training 3.2830\n",
"epoch 5/100, training 3.1945\n",
"epoch 6/100, training 2.5470\n",
"epoch 7/100, training 2.4009\n",
"epoch 8/100, training 1.8935\n",
"epoch 9/100, training 1.1095\n",
"epoch 10/100, training 0.8527\n",
"epoch 11/100, training 1.2657\n",
"epoch 12/100, training 1.7431\n",
"epoch 13/100, training 1.1584\n",
"epoch 14/100, training 1.0794\n",
"epoch 15/100, training 0.9055\n",
"epoch 16/100, training 0.6647\n",
"epoch 17/100, training 0.6319\n",
"epoch 18/100, training 0.5721\n",
"epoch 19/100, training 0.5546\n",
"epoch 20/100, training 0.5408\n",
"epoch 21/100, training 0.5167\n",
"epoch 22/100, training 0.5643\n",
"epoch 23/100, training 0.5769\n",
"epoch 24/100, training 0.4929\n",
"epoch 25/100, training 0.4407\n",
"epoch 26/100, training 0.4709\n",
"epoch 27/100, training 0.5146\n",
"epoch 28/100, training 0.6413\n",
"epoch 29/100, training 0.7296\n",
"epoch 30/100, training 0.5777\n",
"epoch 31/100, training 0.6066\n",
"epoch 32/100, training 0.6477\n",
"epoch 33/100, training 0.4670\n",
"epoch 34/100, training 0.4940\n",
"epoch 35/100, training 0.6465\n",
"epoch 36/100, training 0.6806\n",
"epoch 37/100, training 0.4990\n",
"epoch 38/100, training 0.5293\n",
"epoch 39/100, training 0.5494\n",
"epoch 40/100, training 0.4764\n",
"epoch 41/100, training 0.5203\n",
"epoch 42/100, training 0.4671\n",
"epoch 43/100, training 0.4309\n",
"epoch 44/100, training 0.3848\n",
"epoch 45/100, training 0.4124\n",
"epoch 46/100, training 0.5451\n",
"epoch 47/100, training 0.5151\n",
"epoch 48/100, training 0.5509\n",
"epoch 49/100, training 0.4538\n",
"epoch 50/100, training 0.4530\n",
"epoch 51/100, training 0.4690\n",
"epoch 52/100, training 0.3676\n",
"epoch 53/100, training 0.3614\n",
"epoch 54/100, training 0.3786\n",
"epoch 55/100, training 0.3328\n",
"epoch 56/100, training 0.4372\n",
"epoch 57/100, training 0.4739\n",
"epoch 58/100, training 0.5069\n",
"epoch 59/100, training 0.5399\n",
"epoch 60/100, training 0.4183\n",
"epoch 61/100, training 0.3897\n",
"epoch 62/100, training 0.3679\n",
"epoch 63/100, training 0.3346\n",
"epoch 64/100, training 0.3378\n",
"epoch 65/100, training 0.3726\n",
"epoch 66/100, training 0.3599\n",
"epoch 67/100, training 0.3976\n",
"epoch 68/100, training 0.4378\n",
"epoch 69/100, training 0.3265\n",
"epoch 70/100, training 0.3570\n",
"epoch 71/100, training 0.3710\n",
"epoch 72/100, training 0.3459\n",
"epoch 73/100, training 0.4022\n",
"epoch 74/100, training 0.3992\n",
"epoch 75/100, training 0.3130\n",
"epoch 76/100, training 0.3087\n",
"epoch 77/100, training 0.3131\n",
"epoch 78/100, training 0.2712\n",
"epoch 79/100, training 0.2718\n",
"epoch 80/100, training 0.2672\n",
"epoch 81/100, training 0.2729\n",
"epoch 82/100, training 0.2522\n",
"epoch 83/100, training 0.2545\n",
"epoch 84/100, training 0.2500\n",
"epoch 85/100, training 0.2497\n",
"epoch 86/100, training 0.2639\n",
"epoch 87/100, training 0.2603\n",
"epoch 88/100, training 0.2790\n",
"epoch 89/100, training 0.2595\n",
"epoch 90/100, training 0.2842\n",
"epoch 91/100, training 0.3530\n",
"epoch 92/100, training 0.2823\n",
"epoch 93/100, training 0.2780\n",
"epoch 94/100, training 0.2480\n",
"epoch 95/100, training 0.2621\n",
"epoch 96/100, training 0.2996\n",
"epoch 97/100, training 0.2732\n",
"epoch 98/100, training 0.3606\n",
"epoch 99/100, training 0.4227\n",
"epoch 100/100, training 0.3557\n"
]
}
],
"source": [
"loss_fn = nn.MSELoss(reduction='none')\n",
"optimizer = torch.optim.Adam(model.parameters(), lr=10 ** (-2.5), weight_decay=10 ** (-5.0),)\n",
"n_epochs = 100\n",
"epochs = []\n",
"scores = []\n",
"for e in range(n_epochs):\n",
" score = run_a_train_epoch(n_epochs, e, model, train_loader, loss_fn, optimizer)\n",
" epochs.append(e)\n",
" scores.append(score)"
]
},
{
"cell_type": "code",
"execution_count": 12,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"[<matplotlib.lines.Line2D at 0x7f0dde8732e8>]"
]
},
"execution_count": 12,
"metadata": {},
"output_type": "execute_result"
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAAAXAAAAD4CAYAAAD1jb0+AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjEsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8QZhcZAAAd1UlEQVR4nO3deXRc5Znn8e9TVSrtu0rGkmxL3iDGZrGFsYGQAZoECAGSk9CkQ5rOwDDpk4Wk6ckyme50z5me7mSSnGSmk3QYQkISGjpAQkhgEmiCAyTEILN4k/dNsmVrsax9KVW980eVZMnyIqtKKt+q3+ccH0lXVXWf15Z/euu5773XnHOIiIj3+FJdgIiITI8CXETEoxTgIiIepQAXEfEoBbiIiEcFZnNnFRUVrra2djZ3KSLieRs2bGh3zoVO3D6rAV5bW0tDQ8Ns7lJExPPMbP/JtquFIiLiUQpwERGPUoCLiHiUAlxExKMU4CIiHqUAFxHxKAW4iIhHeSLAX2g8wnfW7Up1GSIi5xRPBPjvdrTxwEt7Ul2GiMg5xRMBHvT7GB6JproMEZFzijcCPKAAFxE5kScCPMvvYyTqiEZ1+zcRkVGeCPBgIFbmcESzcBGRUWcMcDN7yMxazWzzuG1lZva8me2MfyydySKzFeAiIpNMZQb+Q+CGE7Z9AXjBObcEeCH+9YwZm4GrDy4iMuaMAe6cewk4esLmW4GH458/DNyW5LomCPoV4CIiJ5puD3yOc64FIP6x8lQPNLN7zazBzBra2tqmtTPNwEVEJpvxg5jOuQecc/XOufpQaNIdgaZEBzFFRCabboAfMbO5APGPrckraTK1UEREJptugD8N3BX//C7gF8kp5+RGZ+BDCnARkTFTWUb4KPAqcL6ZNZvZ3cA/Adeb2U7g+vjXM0YzcBGRyc54V3rn3IdP8a3rklzLKakHLiIymafOxAxrBi4iMsZTAa4ZuIjIcd4IcPXARUQm8UaA60QeEZFJPBXgQ2qhiIiM8USAZ/v9gGbgIiLjeSLA1UIREZnMEwGe5TdAAS4iMp4nAjzg9+EzCKsHLiIyxhMBDvEbGyvARUTGeCfA/bozvYjIeN4J8IBfVyMUERnHMwGeHdAMXERkPM8EuHrgIiITeSfA/T6GRyKpLkNE5JzhnQBXC0VEZALPBHiW39RCEREZxzMBHgz4CI+4VJchInLO8FCA+3U1QhGRcbwT4DqRR0RkAs8EeGwduFahiIiM8kyAax24iMhE3glwtVBERCbwToBrHbiIyAQKcBERj/JMgGf5fYQjWgcuIjLKMwE+ehDTOYW4iAh4KMCzR29srJUoIiKAhwI86Ned6UVExvNOgAcU4CIi4yUU4Gb2WTPbYmabzexRM8tJVmEnCqqFIiIywbQD3MyqgU8D9c655YAfuCNZhZ1ILRQRkYkSbaEEgFwzCwB5wKHESzo5tVBERCaadoA75w4CXwMOAC1Al3PuuRMfZ2b3mlmDmTW0tbVNu9DRANed6UVEYhJpoZQCtwJ1QBWQb2Z3nvg459wDzrl651x9KBSadqGjLZSweuAiIkBiLZQ/AfY659qcc2HgZ8AVySlrMrVQREQmSiTADwBrzCzPzAy4DmhMTlmTaRWKiMhEifTA1wNPAG8Am+Kv9UCS6ppEq1BERCYKJPJk59yXgS8nqZbTUgtFRGQi752JqRaKiAjgpQD3axmhiMh4ngnwbLVQREQm8EyAqwcuIjKRZwI8SyfyiIhM4JkA1wxcRGQizwR4wGeYaRWKiMgozwS4mRH06870IiKjPBPgEGujaBmhiEiMpwI8O35nehER8ViAq4UiInKctwI8oAAXERnluQDXOnARkRhPBXiWWigiImM8FeBBHcQUERnjrQD3axmhiMgobwW4DmKKiIzxVIBnK8BFRMZ4KsDVAxcROc5bAa5VKCIiY7wV4GqhiIiM8VyA60QeEZEYTwW4TuQRETnOUwEeDPgY0gxcRATwWIBnx2fgzrlUlyIiknKeCvDR+2KGIwpwERFPBrjWgouIeC3A/bozvYjIKG8FeMAPKMBFRMBzAT7aA1eAi4gkFOBmVmJmT5jZNjNrNLO1ySrsZEYDXJeUFRGBQILP/xbwa+fcB80sCOQloaZTCvoNUAtFRAQSCHAzKwKuBv4CwDk3DAwnp6yT0yoUEZHjEmmhLATagB+Y2Ztm9qCZ5Z/4IDO718wazKyhra0tgd1B0K+DmCIioxIJ8ACwEviuc+5SoA/4wokPcs494Jyrd87Vh0KhBHY3bgauABcRSSjAm4Fm59z6+NdPEAv0GXO8hRKZyd2IiHjCtAPcOXcYaDKz8+ObrgO2JqWqU9CJPCIixyW6CuVTwCPxFSh7gI8lXtKpaRmhiMhxCQW4c+4toD5JtZxRti5mJSIyxpNnYqqFIiLisQDPGuuB6yCmiIinAlwn8oiIHOetANcqFBGRMZ4K8CxdC0VEZIynAtzMdGNjEZE4TwU4HL+xsYhIpvNcgAcDCnAREfBogOuOPCIiHgzwLLVQREQADwZ4MODTOnAREbwY4JqBi4gAXgzwgE9XIxQRwaMBrhm4iIgHAzxbPXAREcCDAa4euIhIjPcCXOvARUQAjwa4ZuAiIh4McJ3IIyIS47kA14k8IiIx3gtwv9aBi4iABwM8Wz1wERHAgwGeFwwwNBKlf3gk1aWIiKSU5wJ85YISAF7bezTFlYiIpJbnAvyy2jKCAR+/39We6lJERFLKcwGek+Vn1fxSXtnVkepSRERSynMBDnDVkgoaW7rp6B1KdSkiIinjyQC/cnEFAH/YrVm4iGQuTwb4iupiCnMC6oOLSEbzZID7fcbaheX8frcCXEQyV8IBbmZ+M3vTzH6VjIKm6srFFTQdHeBAR/9s7lZE5JyRjBn4fUBjEl7nrIz2wTULF5FMlVCAm1kN8F7gweSUM3WLQvmcV5TDK+qDi0iGSnQG/k3gc8ApL05iZveaWYOZNbS1tSW4uwmvyxWLy/nDrnaiUZe01xUR8YppB7iZ3Qy0Ouc2nO5xzrkHnHP1zrn6UCg03d2d1JWLKujsD7OjtSeprysi4gWJzMCvBG4xs33AY8C1ZvaTpFQ1RavrygBYv0fXRRGRzDPtAHfOfdE5V+OcqwXuAH7rnLszaZVNwbyyPKpLcnVhKxHJSJ5cBz7e6roy1u/twDn1wUUksyQlwJ1z65xzNyfjtc7W5XVltPcOs6e9LxW7FxFJmbSYgYP64CKSeTwf4HUV+YQKs3ltry5sJSKZxfMBbmbxPvhR9cFFJKN4PsAh1gdv6RqkuXMg1aWIiMyaNAnwcgDWazmhiGSQtAjwJZUFlORlsX6P+uAikjnSIsB9PmN1bRmv7dMMXEQyR1oEOMSWE+7v6Ocbz++gf3gk1eWIiMy4tAnwO1bP570r5vK/X9jJNV9bx5MbmlNdkojIjEqbAC/IDvDtj6zkiY+v5bziXO5//G027FdLRUTSV9oE+Kj62jJ+9LHVmMHvd+mgpoikr7QLcIDivCzOn1OoqxSKSFpLywAHWLOwnA37OwlHTnmzIBERT0vbAF9dV8ZAOMKmg12pLkVEZEakdYADaqOISNpK2wCvKMhmUShfZ2eKSNpK2wAHWF1XTsO+TiK6a72IpKG0DvA1C8voGRqhsaU71aWIiCRdWgf4ZbXxu/WoDy4iaSitA7yqJJd5Zbm6W4+IpKW0DnCIXSv8Nd2tR0TSUNoH+Oq6Mjr7w2xs1npwEUkvaR/g15xfSWleFnc/3KCDmSKSVtI+wEOF2Tz+8bVk+Y3bv/cqDbrpg4ikibQPcIDFlYU88ZdXECrI5s7vr2ezTq8XkTSQEQEOUF2Sy08/vhaAxxuaUlyNiEjiMibAIXZ6/TuXhHh+6xGtShERz8uoAAe4ftkcDnUNsuWQDmiKiLdlXIBfd0ElPoPnthxOdSkiIgnJuAAvL8imfkEZz209kupSREQSMu0AN7N5ZvaimTWa2RYzuy+Zhc2kd184h22He2g62p/qUkREpi2RGfgIcL9z7h3AGuATZrYsOWXNrOuXzQHQLFxEPG3aAe6ca3HOvRH/vAdoBKqTVdhMWlCez/lzCtUHFxFPS0oP3MxqgUuB9Sf53r1m1mBmDW1tbcnYXVK8+8I5vL7vKJ19w6kuRURkWhIOcDMrAJ4EPuOcm7Q2zzn3gHOu3jlXHwqFEt1d0ly/bA5RB7/d1prqUkREpiWhADezLGLh/Yhz7mfJKWl2LK8qpjA7wBsHOlNdiojItCSyCsWA7wONzrlvJK+k2eHzGcuri3VdFBHxrERm4FcCHwWuNbO34n9uSlJds2JFTTGNLT0Mj0Sn9Pj/8vjb/M1Tm2e4KhGRqQlM94nOuVcAS2Its25FdTHDkSg7jvSwvLr4tI891j/Mz988SE6Wn7993zKy/Bl3DpSInGMyOoVWxEN70xTaKM9tPcJI1NE7NMLbTcdmujQRkTPK6ABfUJ5HYU5gSgH+7KYWKguz8Rm8vLN9FqoTETm9jA5wM2NFdTGbznC/zK7+ML/f1c5tl1azoqaEV3YpwEUk9TI6wCHWRtl++PQHMp9vPEI44rhpxVzeubiCt5qO0T0YnsUqRUQmU4DXHD+QeSr/b1ML1SW5XFxTzFVLKohEHa/u7pjFKkVEJlOAxw9kbjxFG6V7MMzLO9u5cfl5mBkr55eSF/TzivrgIpJiGR/g88vyKDrNgcwXGo8wHIly00VzAQgGfFxeV6Y+uIikXMYHuJmxoqaYTQdPvjTwmY2HmVucwyU1JWPbrloSYm97H82dup64iKROxgc4wIrqErYf7mFoJDJhe0fvEL/b0crNF83F5zt+ztI7l1QAqI0iIimlACfWBw9HHNsPTzyQ+dRbhwhHHB+qnzdh+5LKAuYUZfOrjS30D4/MZqkiImMU4MBFNbEDmW+PO5DpnOPxhiYunlfC0jmFEx5vZtxx2Xxe2dXOO7/yIg+8tFtBLiKzTgEO1JTmsrAin4de2ctgONZG2XSwi22He7i9vuakz/ns9Ut58i/XsqyqiP/57DZu/NbLtHYPzmbZIpLhFODEZtR/d8uF7G3v43u/2wPA4w3NZAd8vO/iqlM+b9WCMn589+X86z2X09YzxF0/eF0n+IjIrFGAx129NMTNF83l2+t2sf1wD7946yA3Lj+PopysMz73isUV/Mudq9h5pId7f9QwNosXEZlJCvBx/ubmZQT9Pj7y4Hq6B0e4/YSDl6dz9dIQX7/9Yv645yj3//RtnHMzWKmIiAJ8gjlFOdz/7qW09w5RU5rLmoXlZ/X8Wy+p5vM3XMAzm1p48o2DM1SliEiMAvwEf762lhuXn8enrl08Ye33VP3nqxdSv6CU//7LLTqoKSIzSgF+Ar/P+O6dq/jTy+ZP6/k+n/GVD17E4EiU//bU5nO6lTIYjnDw2ECqyxCRaVKAz4BFoQL+6vqlPLf1CM9sakl1OZNEo46fv9nMtV9bx7u++iLPbExejYPhCJsPdk35PqMiMn3TviemnN49V9XxzMYW/vrxt/m315u4qKaYVQtKuWpxiGAgdb83NzV38aWnNrGxuYvl1UXMKc7hU4++wXDkYt5/6fE178459nf08/vd7exu7eOT1y6mLD940tccGonwzX/fySs722ls6WYk6lhdW8aP71lNdsA/W0MTyTg2m2/x6+vrXUNDw6ztL9WajvbznXW7eKupix1HeohEHWX5QW69pIr3X1rN4soC8oJT+x0ajTq6B8Mc7Rvm2ECYJZUFFE5hieN4jzc08aWnNlOal8Xnb7iA2y6pZiAc4T/9qIFX93Rw33VLMIzGlm42Nh/jUNfxHv6qBaU8cs/l5GRNDOTBcIR7f7yBl3a0sWZhGSvnl5Kb5efrz+/glour+OafXjKtYwkicpyZbXDO1U/argCfHQPDEf64p4MnNjTz/NbYJWoBinICzC3OJVSYTXlBkIqCbGrL81gYKqCqJJc3D3Ty741HeGlHO71Dx0/XL83L4hPXLObONQsmheqJwpEo//BMIz/8wz6uWFTOP//Zygmz6cFwhI//ZAPrtrdhBrXl+SyrKmLNwnKuWFTO9sM9fOJf3+Cm5XP5Px++dCyQ+4ZGuOfhBv64t4N/+sCKCccNvv3iLv7Xb7bzyWsW89fvOZ+u/jBbWrriV3EcoLlzgKriHO66opaqktwJtQyNRCnOPbtfTgAtXQM89MpeKgqyubCqmIWhfHa39dKwr5Pth3t4z/I53HZJNWaz+wvFOUfT0QHebj7G4a5BPlRfQ0neyd/NiJyMAvwc0tk3zEs72zh4bIDDXYO0dA3S3jtER+8wrT2DDIYn9o8rC7O57h2VLK4spCw/i9wsP4+sP8DLO9upKs7hY1fWcdNFc6keF4StPYP8cc9RXtrRxks72mjtGeKeq+r4wo0XEPBPbuFEoo7dbb1Ul+SSnz35XcH/fWkP//BsIx+7spZ3LQ2x40gPv9rYwuaDXXz99ontF4iF1n/9+SYefa2JquKcCbP5LL8xtziXg8cGMOCWS6pYNreIl3a2s35PByNRx9qF5dx80VzefeF5p2zdjLex+Rj3PNxAR98wkejEn2kzqCjIpq1niLULy/kf71/OolDBhMeEI1E6eocpLwiSdZK/n7PR2TfMm02dvNXUxcbmY2xs7uJo3/DY96tLcvmXO1exIn4NHpEzUYB7hHOOI91D7Gnrpamzn3fMLWJ5VfFJ2xB/2NXO157bzhsHYtcyv3heCaV5WWw51E1bzxAAxblZXLW4gtsureb6ZXMSquvLT2/hR6/uH9t2XlEOX37fMm5cMfekzwlHovzjs9s40jPIhVWxcSyuLGBOUQ5+n9Hc2c/3X9nLY681MRCOsDCUz7uWhsjN8vPMphb2d8Sut76ksoBVC0q5rLaMq5eGCBVmT9jPs5ta+KufvkV5fjYP/cVlhAqz2Xqomz3tvdRV5HPJvBLyggEefe0AX/n1NgbDEeaV5TH6N9o1MEJH3xDOwYLyPP7xAyu4YlHFWf39bD7YxSPr9/P6vk52tfYC4DNYUlnIRTXFXDK/hItrShgMR/j0o2/S3jvMl29ZxodWzUv6MZHR4xev7ukgy+/j/ZdW41cba1aFI1H2tfexKFSQlBaiAjyN7Wvv49nNLfxm82GGRqJcWFXMhVVFY6GRrP+8kahj3fZWCrIDLJ1TSOkUZsZT0TUQpm9oZEIrxTnHlkPdrNveyob9nWzY30n34AhmcFF1MRfPK2F/Rz87jvTQ0jXIqgWlfO+jq6goyD7NnqCtZ4jvrttNa88gDsBBUW6AysIcinOzePjVfezv6OeOy+ZxzzvryM8OkJvlZ2gkSkvXIIe7BggGfKxZWE5eMMDQSIR//u0uvrNuN3lZfuprS6mvLWPVglJWVBef9N3M0b5h7nvsTV7e2U6W31gUKuAdc4tYWJHP/PI8asvzWTqnkNzgyVtjI5Eo24/0MBiOUpYfpCw/SFvPIK/t7eT1fUdZv6djwjueNQvL+Prtl0x4h+ac41h/mI6+IfqHIywoy6c4L9a22nGkh6fePMi67W1Eoo6A38jN8vOBlTXcXl9z0ndwErO/o4/HXm/iiQ3NtPUMUVuex0fX1vLBVTXTaguOUoCLp0Wjjq0t3by4rZXfbm9lW0sPtRX5XHBeISuqi/mzy+ef8VjAVAwMR/jmCzt48OW9k1ox442G+OGuAXYc6eUDK6v525uXTbm3HYk6nt96mLebu2hs6WZbSw+Hx5345fcZS+cUcnFNMcW5WQxHogyPRNnV2svG5i4GTnG9nYqCbC6vK2PNonLWLiznjQOd/P3TW/D5jI9dUUvzsQG2Hupmd1sv4Yib9NyinAB72vvw+4zL68oozAkwEnEc6hqksaWbRaF8Pn/DBaxaUEow4CMY8BGNxlYiDUeilOUFz+mAHx6J8symQzz6WhOhgmzufmcdK+eXJvy6TUf7+epvtvPLtw/h9xnXnF/JVYvL+eXGFjbs7yQv6OfbH1nJNedXTuv1FeAiZ2HnkR62HOpmIBxhYDhCVsBHVXEOc4pyONYf5sXtrby4rZWRqOPvblnGtRdMvz01amA4QlNnP3vb+9h8sIu3mo6x6WAXg+EIWT4fAb8xryyPlfNLuXR+CUW5WXT2DXO0b5jCnACr68qpLc+bdJB2f0cfn/m3t3jzwDFChdlcWFXE+ecVUlmYQ0VBkJwsP/s7+tjV2ktbzxDvWhrivRdVTWhVOef4zZYjfPXX29jT3nfKMRTmBFi7sJyrllRQU5rLaLz4fEa23zfWLhoMRxkMRwgGfNSU5lJdmjvlJafOOboHRzjWP4zPjGDAhxm0dg9x8NgArd2DlOQFqS7Npao4l/beIXa39dLY0sOTb8RmxnUV+XT0DtE9OMKqBaVcvSREdpaPLL+PysJsllUVUVeej89nOOfoGRphd2svr+87ymt7O2ntGWRhRT5L5hRytG+YH7+6H58P7r6qjj9fW8ucopyxejcf7OJHr+7jczdccMZ3iKeiABfJYM45ugbCCa9+CUeiPL/1CG09QwyPRBmORPH7jKA/9gumsaWbl3e209x5dmf4mkFRThZR54hEHc7F3uVkB2KhOvo7KRJ1dPQNT+tEMZ/F7mf7H6+s5eolIQbCER5vaOIHf9g3drxlvLygn9K8IO29QwyN219teR41pXnsaevlUNcgZvDBlTXc/+7zOa84Z9LrJIMCXERmTdPRfjr6hjFi4TwSdQyPRMeCMDfLT06Wj8FwlKaj/Rw42k9n/zB+n+E3w4yxXxDDIw4XO2KBz4zy/CChwmxK8oI45whHHJFolFBhNtUleVQWZXOsP0xzZz+HugYpzw+yKFTAgvK8U7bZIvH6hkeiNB/rZ+uhbrYc6qZ7IExFYTYVBUHmleaxakEpleNm1z2DYQbCESoLZya4RynARUQ86lQBntDRBjO7wcy2m9kuM/tCIq8lIiJnZ9oBbmZ+4NvAjcAy4MNmtixZhYmIyOklMgNfDexyzu1xzg0DjwG3JqcsERE5k0QCvBpoGvd1c3zbBGZ2r5k1mFlDW1tbArsTEZHxEgnwk53eN+mIqHPuAedcvXOuPhQKJbA7EREZL5EAbwbG3/W3BjiUWDkiIjJViQT468ASM6szsyBwB/B0csoSEZEzmfYdeZxzI2b2SeA3gB94yDm3JWmViYjIac3qiTxm1gbsP+MDT64CaE9iOV6RiePOxDFDZo47E8cMZz/uBc65SQcRZzXAE2FmDSc7EyndZeK4M3HMkJnjzsQxQ/LGfe5e91FERE5LAS4i4lFeCvAHUl1AimTiuDNxzJCZ487EMUOSxu2ZHriIiEzkpRm4iIiMowAXEfEoTwR4Jlx33MzmmdmLZtZoZlvM7L749jIze97MdsY/Jn4H1nOMmfnN7E0z+1X860wYc4mZPWFm2+L/5mvTfdxm9tn4z/ZmM3vUzHLSccxm9pCZtZrZ5nHbTjlOM/tiPNu2m9l7zmZf53yAZ9B1x0eA+51z7wDWAJ+Ij/MLwAvOuSXAC/Gv0819QOO4rzNhzN8Cfu2cuwC4mNj403bcZlYNfBqod84tJ3b29h2k55h/CNxwwraTjjP+f/wO4ML4c74Tz7wpOecDnAy57rhzrsU590b88x5i/6GriY314fjDHgZuS02FM8PMaoD3Ag+O25zuYy4Crga+D+CcG3bOHSPNx03s0h25ZhYA8ohd/C7txuycewk4esLmU43zVuAx59yQc24vsItY5k2JFwJ8StcdTydmVgtcCqwH5jjnWiAW8kBl6iqbEd8EPgeMv814uo95IdAG/CDeOnrQzPJJ43E75w4CXwMOAC1Al3PuOdJ4zCc41TgTyjcvBPiUrjueLsysAHgS+IxzrjvV9cwkM7sZaHXObUh1LbMsAKwEvuucuxToIz1aB6cU7/neCtQBVUC+md2Z2qrOCQnlmxcCPGOuO25mWcTC+xHn3M/im4+Y2dz49+cCramqbwZcCdxiZvuItcauNbOfkN5jhtjPdLNzbn386yeIBXo6j/tPgL3OuTbnXBj4GXAF6T3m8U41zoTyzQsBnhHXHTczI9YTbXTOfWPct54G7op/fhfwi9mubaY4577onKtxztUS+3f9rXPuTtJ4zADOucNAk5mdH990HbCV9B73AWCNmeXFf9avI3acJ53HPN6pxvk0cIeZZZtZHbAEeG3Kr+qcO+f/ADcBO4DdwJdSXc8MjfEqYm+dNgJvxf/cBJQTO2q9M/6xLNW1ztD4/wPwq/jnaT9m4BKgIf7v/RRQmu7jBv4e2AZsBn4MZKfjmIFHifX5w8Rm2HefbpzAl+LZth248Wz2pVPpRUQ8ygstFBEROQkFuIiIRynARUQ8SgEuIuJRCnAREY9SgIuIeJQCXETEo/4/04+pp0KR6hsAAAAASUVORK5CYII=\n",
"text/plain": [
"<Figure size 432x288 with 1 Axes>"
]
},
"metadata": {
"needs_background": "light"
},
"output_type": "display_data"
}
],
"source": [
"plt.plot(epochs, scores)"
]
},
{
"cell_type": "code",
"execution_count": 13,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"AttentiveFP(\n",
" (init_context): GetContext(\n",
" (project_node): Sequential(\n",
" (0): Linear(in_features=39, out_features=200, bias=True)\n",
" (1): LeakyReLU(negative_slope=0.01)\n",
" )\n",
" (project_edge1): Sequential(\n",
" (0): Linear(in_features=49, out_features=200, bias=True)\n",
" (1): LeakyReLU(negative_slope=0.01)\n",
" )\n",
" (project_edge2): Sequential(\n",
" (0): Dropout(p=0.2, inplace=False)\n",
" (1): Linear(in_features=400, out_features=1, bias=True)\n",
" (2): LeakyReLU(negative_slope=0.01)\n",
" )\n",
" (attentive_gru): AttentiveGRU1(\n",
" (edge_transform): Sequential(\n",
" (0): Dropout(p=0.2, inplace=False)\n",
" (1): Linear(in_features=200, out_features=200, bias=True)\n",
" )\n",
" (gru): GRUCell(200, 200)\n",
" )\n",
" )\n",
" (gnn_layers): ModuleList(\n",
" (0): GNNLayer(\n",
" (project_edge): Sequential(\n",
" (0): Dropout(p=0.2, inplace=False)\n",
" (1): Linear(in_features=400, out_features=1, bias=True)\n",
" (2): LeakyReLU(negative_slope=0.01)\n",
" )\n",
" (attentive_gru): AttentiveGRU2(\n",
" (project_node): Sequential(\n",
" (0): Dropout(p=0.2, inplace=False)\n",
" (1): Linear(in_features=200, out_features=200, bias=True)\n",
" )\n",
" (gru): GRUCell(200, 200)\n",
" )\n",
" )\n",
" )\n",
" (readouts): ModuleList(\n",
" (0): GlobalPool(\n",
" (compute_logits): Sequential(\n",
" (0): Linear(in_features=400, out_features=1, bias=True)\n",
" (1): LeakyReLU(negative_slope=0.01)\n",
" )\n",
" (project_nodes): Sequential(\n",
" (0): Dropout(p=0.2, inplace=False)\n",
" (1): Linear(in_features=200, out_features=200, bias=True)\n",
" )\n",
" (gru): GRUCell(200, 200)\n",
" )\n",
" (1): GlobalPool(\n",
" (compute_logits): Sequential(\n",
" (0): Linear(in_features=400, out_features=1, bias=True)\n",
" (1): LeakyReLU(negative_slope=0.01)\n",
" )\n",
" (project_nodes): Sequential(\n",
" (0): Dropout(p=0.2, inplace=False)\n",
" (1): Linear(in_features=200, out_features=200, bias=True)\n",
" )\n",
" (gru): GRUCell(200, 200)\n",
" )\n",
" )\n",
" (predict): Sequential(\n",
" (0): Dropout(p=0.2, inplace=False)\n",
" (1): Linear(in_features=200, out_features=1, bias=True)\n",
" )\n",
")"
]
},
"execution_count": 13,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"model.eval()"
]
},
{
"cell_type": "code",
"execution_count": 14,
"metadata": {},
"outputs": [],
"source": [
"all_pred = []\n",
"for test_data in test_loader:\n",
" smi_lst, bg, labels, masks = test_data\n",
" if torch.cuda.is_available():\n",
" bg.to(torch.device('cuda:0'))\n",
" labels = labels.to('cuda:0')\n",
" masks = masks.to('cuda:0')\n",
" pred = model(bg, bg.ndata['hv'], bg.edata['he'])\n",
" all_pred.append(pred.data.cpu().numpy())"
]
},
{
"cell_type": "code",
"execution_count": 15,
"metadata": {},
"outputs": [],
"source": [
"res = np.vstack(all_pred)"
]
},
{
"cell_type": "code",
"execution_count": 16,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"(257, 1)"
]
},
"execution_count": 16,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"res.shape"
]
},
{
"cell_type": "code",
"execution_count": 17,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"(257, 1)"
]
},
"execution_count": 17,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"test_sol.numpy().shape"
]
},
{
"cell_type": "code",
"execution_count": 18,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"Text(0, 0.5, 'exp')"
]
},
"execution_count": 18,
"metadata": {},
"output_type": "execute_result"
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAAAYAAAAEGCAYAAABsLkJ6AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjEsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8QZhcZAAAgAElEQVR4nO3df5Bc1XUn8O+Z1kP0+IdmKMZFGDRI8dpSkIUlNIBSSoqSTCwSRfIsrINZUUtttqwKjr1Ga48zMhSSWNZMWXYRJ06cUjlUxWstlkB4LCJnhSmxyVq1AmY8EvLEUgI2kmg5FXnR4DUzSD0zZ//ofqOe7nffj+73q/t9P1WUmZ7+cVsW97x37rnniqqCiIiypy3pARARUTIYAIiIMooBgIgooxgAiIgyigGAiCij5iU9gCCuvvpqXbRoUdLDICJqKiMjI79Q1a7qx5sqACxatAjDw8NJD4OIqKmIyGmnx5kCIiLKKAYAIqKMYgAgIsooBgAiooxiACAiyigGACKijGqqMlAiomY2NFrArkOncG58Etd25NG/fgn6VnYnNh4GACKiGAyNFrDtmROYLE4DAArjk9j2zAkAMAaBqAMGAwARUQx2HTo1O/nbJovT2HXo1OzvKyd6AIEDRlDSTAfC9Pb2KncCE1EzWjRw0Pg7q01QnLk8F+etHObPa8P4ZLHmud0deRwZWBfos0VkRFV7qx/nHQARUQxyIpg2XHBXTv5A6c6g+m7Bdm58MrQxMQAQEYXELWdvmvyDurYjH8r7AAwARER1qZ7s1y7twv6RgjFn392RRyHA1Xtnu4V3ijNz7gTyVm52fSAM3AdARBSQXdFTGJ+EojTZ7zl6xnWRt3/9EuStnK/3z1s5bN+4DI/duRzdHXkISrn/x+5cziogIqIkOVX0mBI8ds7enrh3PjuGCxO1i7u27qrUUZT7BBgAiIjK/NbdB1mIrczZ963sRt/Kbqx85DnHIFBPhU8jmAIiIoJzWmfbMycwNFqoea5pIVaqfjbl7McNdwBhVvj4wQBARATvjVqVnPL5eSuHzat7fOXsTQEkzAofPxgAiIhgvvp2erxvZbfjAm3v9Vf5+ixTAAmzwscPrgEQEaF09e1Upmm6Krfz+bYgvX7sn5NuDMc7ACLKtKHRAtYMHkZhfNJ3Dt9JkBQSUAoC/euX4NqOPM6NT2LXoVOO6w1R4h0AEWVW9VW7orSQq6gtx/R6H9MmL1NqqZ7uoGHjHQARZZapnt8ux/Q7+dsTtxNTCinoHUMUGACIKLOCLPyaOE3kNrcUUhif3SgGACLKrDDKMd0m7LtWdRvvItJQCsoAQESZFUY5ptuEvX+kYFzYTUMpKAMAETUdu3Jn8cBBrBk8XHf1jKmeP8girFuTN68qoKibvXlJ9EQwEbkDwNcA5AB8U1UH3Z7PE8GIqLp6BihdOYc5eQY9i3dotIAH9h5z/J0A+NnghlDGVS/TiWCJ3QGISA7AXwD4XQA3ALhHRG5IajxE1Byirp4J0hPIZvf7dxJ3e4cgktwHcAuAV1X1pwAgIt8B8DEA/5jgmIgo5aKuntlxYCzQ4e32nUH/+iWOdyZxt3cIIskA0A3gbMXPbwC4tfpJIrIFwBYA6OnpiWdkRJRaQVs2BDE0WnA8iB24fCdg2rhVb3uHoOmmMCW5CFy96xpwOFNBVXeraq+q9nZ1dcUwLCKKWiOLuFFWz7ilkXIinqmnvpXdODKwDo/fvQIAsHXvMdfvV0+6KUxJ3gG8AWBhxc/XATiX0FiIKCaNtkBotJGa2xW3WxrJdKh79WuCfD+39Yw47gKSDAAvA/iAiCwGUADwCQD/PsHxEFEMwpj0qjtx+uU1OXe0W44ndXW2W2i/Yp6v1FOQ75f0buDEAoCqTonIpwEcQqkM9AlVHUtqPEQUjyQnPa8Kol+9M1XzGisn2L5xGQD4WuQN8v2iXM/wI9FuoKr6fQDfT3IMRBSvRie9RhZNTZNzYXzSWMf/rivmzXl/r88O8v2SrhxiO2giilUjk16j6wemydlNZVWQn9RTkO+X9MEwDABEFKt6Jj37qt9p8g6yfuA0OXvJiVPBolnQ71fvekYYGACIKHZBJj2n1g/V/K4f2J9pSvc4MVX/eH1OUpN6EAwARJRqbv32bQrgoaETeLRvuXGNoPLxnIjvid3U4qEVMAAQUar5vbr/9tEz+PbRM7NHOgKX1wiGT7+J/SOF2UDid/JPeyuHRjEAEFGqBV24rZ7aJ4vTePLFs74mfRHAflpH3sKOTctqUjlJtm4IG88DIKJUc+u375evyR+XJ38AuDg1U/OcpFs3hI0BgIhSzenglGB1Of443TlU9vkZGi3gc/uOJ36Qe5iYAiKi1Kuuqnlo6AS+ffRMoPfIW7lA5Z/A5fUH+8rfbz+gZsE7ACJqOo/2Lce9q3t81+jbxy3aFT3VrzK9i71716sSKc2HvrhhACCipvRo33K89tjv4fXBDfjTu1cYJ/e8lcPapV2zC7fdHXlsXt0zJ6W0eXWP4zrD2xenMDRacL3Cb+ZKoUTPBA6KZwITZUMjlTbVr127tGtOCSjgfIbw0GgBO58dq+kGmrdyuNJqc+wSmhPBV//gw6mvAjKdCcwAQESpMTRawI4DYzWncgmAzat7XDd6Ob2XqX0EULryPzKwbs5jawYPOz6/I2/h4tRMpAfRR8kUALgITESO4q53d2v5oHDf6AVgzm7fwvjknOc5cUrrmFI9b00W8fjdK1qm/t/GAEBENRrtumm/R5AJc+eztYexO3Er16wcs1duw2nh1q2Vc7P09wmCi8BEVMPr4BQvQTdMDY0WHHPsfhXGJ/HFZ17xXeYpgOPCbZTnDacR7wCIqIbfU61MV/lBj30MYyPVRLF2566JwvlOJun+/HFjACDKOKdJ3M+pVm5poqDHPsa9kcqtw2crpnpMmAIiyjBTqmbt0i7PVMiOA7U5e/sq37QxyvT4grzV2BcJoJVTOkExABBlmClV88LJ8zX9dypLHodGCzWlmrZz45PGXPrapV1YM3gYiwcOYs3gYQyNFjA0WsAv3/HO/9sbvLo78uhsDxYwTN8j65gCIsowt5SMWyrELWdvV8zYzzNtyCqMT6L/qeOAADMuJTtSfs/KXPzQaMH3qV45kZp6f79aqfWzEwYAogzzk+t34pazt9Mr1QFkzeDhmruNotvMD+fNWvZ7f/GZV3wt/N5z60LP5zgJoxQ27ZgCIsqwesseTQGis90yTo5BDnUBSlf+hfHJ2VQRUJqU7RTSfCuHNocubvZjORHcW949XI9GS2GbAe8AiDKs3rLH/vVLanbt5q0ctm9c5vj8eg5M8TrW8cJEEVZO8N4r5uGtyWLoKZq0VCxFiQGAKOPqKXsMEjiGRgvYus9fvt7EdKxjcVrxrvnzcGz7Rxt6fyf1pseaCQMAEQVSvTD6+N0rjAFkaLSA/qePI4yek3EfxmK6y2mlElKuARCRb0FbPOx8dgzF6XA6DpsOf2kTieRMXqejKFuthJR3AEQZFrTMMWiLh3r6+6x5/1X40Zm3aq6871rVXdPXHyjdGURVndPqu4J5B0CUUU5X8w/sPYZFAwfx/m3fx0NDJ2peE6RH0MpHngs0HgFw7+oe7PnkbzpeeT/atxyP3bnc8U7AT3VOZQVRZWVRliVyByAiuwBsBHAJwGsA/qOqjicxFqKscjvndlp19tD1yjLKenoE+aUA9o8U0Hv9VcYr776V3dhq2ADmthaQhZr+eiR1B/ADAB9S1RsB/BOAbQmNgyiz/Cye/o8Xz8y5avbTI8jrAHU3fq7kg/YZMo2p1Wr665FIAFDV51R1qvzjUQDXJTEOolYSNMXhp5xxRjEnRbT35bOoPGqls92qWRhttCrH6/X1bF7LQk1/PdKwCPyHAPYmPQiiZlZPimPt0i7sOXrG8+SsSsVpnVPVc2GiiP+y7xge2HsM3eV+P20ixpJNP7wCUz2b17JQ01+PyAKAiDwP4BqHXz2oqt8rP+dBAFMA9ri8zxYAWwCgp6cngpESNb+g1TlDowXsHykEmvxN7HY+hfHJ2XWDRqxd2uX5nKDVOVmo6a9HZAFAVW93+72I3Afg9wF8RNV8uaCquwHsBoDe3t5wCoqJWkzQFEcjefp65K02TM2orz0Be186i4Ov/BzjE+G1d8jaSV9+JVUFdAeAPwFwm6pOJDEGombgt04/aIoj7tz3ZHEGVpugs93C+ETR9c6jOKOz+wfCrNZp9Zr+eiRVBfR1AO8B8AMROSYif5XQOIhSK8iuW6eFUZRf41TTn0Tu2279/LPBDa5HMlazU1ms4w9fUlVA/0ZVF6rqivI/f5TEOIjSLEjpYmXbgmp2TX9lEDAFjKhdmChiaLTgK89fyQ5+fltQkD/cCUyUUkHz+n0ru3FkYJ2xZ86TL56d89zq3baNcv7UWjsOjGH/SLCJOyfCOv4IpKEMlIgc1Fu6aCrBnFbFooGD6Gy3sH3jspqc+MpHnqurdw9QCiD965dg57Njnu9hOkvYJG/ljAvWWa/jbxTvAIhSqt7TupxOyap0YaKI/qeP16RPNtz4a3WNU3D5GMh3fBzR6KUjb9X0ATLdoUTVCTQreAdAlFJBD1158Lsn8PYlf6WdxWnF1n3HsPPZMYxPFNHRbuFX70x5vs7pajxvtc2O06u01GoTvPvKeca7hLyVw45Nyxy/o1N/oSg7gWaBuJTgp05vb68ODw8nPQyiRFWWhi7IWyhOz/ie+BvV2W7hYnG65jB2tzSNrSNvYcem0pGRTpO5/Xu3w2U+t++4Y4rLdHg8lYjIiKr2Vj/OOwCiJlLd8iFoPr1Rpiv3yeI0coYWEKbJOeimrHo7gZIZAwBRE7Cv+p0WhdNiWrXmTsC0ZlHvpiz29AkXF4GJUq5yQ1iadXfkcdeq7tky1JwI7loV7u7behfGyRnvAIhiFsYxjGm0dmkX9o8UZtNA06pzDngJwvRnxJ4+4WIAIIpRPW2bmyW//bfHfx6oI6mJ158Re/qEhykgohjVczJVnPntdqv+KcG0IB00gPH0rvjwDoAoRn7aO1SnP+zUit80kACeff7brTZMFmfmPC9v5fClO5fjqeEzOPLam74+y4+gAYynd8WHdwBEMfI6z9apA+j+kQJu6lngu9cOAPzp3Stc+/tMFGfQ0W7NbuICgCutNgyffhM/OvPWnOf6/dzOdiuUBdp6zvyl+jAAEMVo7dKumgm1cpI0pT+O/vSC79O7ru3IzzaGcwsCFyaKmKzY0HVhoog9R8/UfL7COwjkrRy2b1xW02Cu+rxgP1jpEx+mgIhiYjqGsTK/bUpz+D1j1+7LU7lvwE9KyGZ6nqI0oVempV44ed6xEoendzUPtoIgismawcOutfx5K4f589rq3t0rADav7kHv9VfVtFoIEgScsNVCczO1gmAKiCgmXouYk8VpXJryX+9v5QQdeWs23bJ5dQ9eOHkeD+w95pjGqZegtBbBU7haD1NARDFZkLc8r+6rm6y52fXvPjybFqmunQ+THTz87FkIusmNksU7AKKYGA7qqkt3eaHXVs9u4e6OPO5d3TO7aGs6SaySWz1+kDOMKR14B0AUk3GPk7LyVg5XWm2eJ2q1CWoqYoLWyAtQk9NfPHDQ12tNn+W2gYt3AenEOwBqSUOjBawZPIzFAwdTk7t2q2O3Sya3b1zmeVj7jENCP2iNvNPz/b6H6RQubuBqPgwA1HLSkoqoDkJrl3Y5Tu4deWtOs7PH7lzumY6pTsOYaufvXd3ju6be6T2c2KdwVf95cgNX82EAoJaThl4yTkHI3mRVfWbv+GRxzoTat7IbMx7l2dVX1XbgqN6E9Wjfct+bs5ze497VPY7ByOnPkxu4mg/XAKjlpCEV4RSE7CndKYUzWZzG5/Ydn/25zXC6ls3pqtq+g7ArcbbuPYZdh06hf/0S3zX8Tp029xw94/hcpyAEcANXM2EAoJaThlOj6gk206p4wHDkYSW3q+p62k17CfLnyVbNzYUpIGo5SaQiqvP9C/JWJJ8jgOspW1Gkv5jaaV28A6CWUL0B6a5V3cZeNVF8dvVVt5ULsei/ggJ44eR54++jSH8xtdO6fAUAEbkSwKcA/BZKfwd/COAbqvpOhGMj8sVpAt4/UqirE2U9nK66i9Pq2n8n1yaYdloM8MFtMo8q/cXUTmvymwL6FoBlAP4cwNcB/AaA/x7VoIiCSLrqxzQhm6Z3AfCe+fXffJsm86HRAiYuTdU8znQNmfj9W7hEVT9c8fMLInLc+GyiGCVd9WO66jZRmI9PtNl3D9V3EabJ3NQLqCNvYcemZbx6J0d+7wBGRWS1/YOI3ArgSKMfLiKfFxEVkasbfS/KrqQ3IJkWSTvb61sI7u7I4/G7V+D1wQ14vHyyl1cNv6kX0Lvmz+PkT0Z+7wBuBfAfRMQuCO4B8BMROQFAVfXGoB8sIgsB/A4A5yJjIp/61y+pufqNM+1hWiQFELhDZ5uU1jDs9JXf3HvSd0HUnPwGgDsi+OzHAXwBwPcieG/KkDRUqVSPwd6A9didy11r+0WAyv1e9rqwU/2+W6tlr8VftmkmJ75OBBOR21X1+arH7lPVv6nrQ0U2AfiIqn5WRF4H0KuqvzA8dwuALQDQ09Oz6vTp0/V8JBGA6CZCpxy8nb/PeezqdWOfxOX0/nkrN5sScvs9APQ/fRzF6ctjsHIy5zwBam2mE8H83gE8LCJ3Afg8gHcD+CaAiwCMAUBEngdwjcOvHgTwRQAf9fPBqrobwG6gdCSkz/ES1Qhrl6xTEHFr/VDv5A9cTuF4tVp2uwta+chzcyZ/oFSmuvPZMQaAjPMbAG4D8DkA9r3sw6r6pNsLVPV2p8dFZDmAxQCOS6nJ1HUAfiQit6jqv/gcD1Fgpkl0x4Ex33cFpiBSz0lcfs7ptVM4fnL8pvUC0/kCXucOUOvzWwXUidJC8GsoXflfL1Lf+UaqekJV36eqi1R1EYA3ANzEyZ+iZppExyeLvltHm4KIn9O0gFJKB/A3+VcuZCdd6UStyW8AOArg71T1DgA3A7gWIZSBEsXJ72TptonMVO8/rerZS9/O53fkLfMO4XIg6S63s9h16BQWDxzE2xenatpL+K106jD0JTI9TtnhNwDcDqAoIg+r6iSArwAYCGMA5TsBxwVgokqNnvLl98ATwPluYWi0ANN1vgCeaaD+9UswNFowbgITAK899nt4fXAD+tcvwf6RwuydyfhkEVCgs93y3BNQbcemZbCqDiGw2gQ7Ni3zfC21Nr9rANsAzABYB+ARAP8PwFdRuhsgilwYC7h9K7sxfPpN7Dl6xnfuvdKuQ6eMr/OzzDt8+k3XRm6Vn+nYX2hG0X7FPIw+7Kt+YlYaymQpnXxvBFPVm0RkFABU9YKIXBHhuIjmCOPA8aHRAvaPFALl3is1uqnqyRfPup70VfmZYW/sYjM3cuI3BVQUkRzKFzoi0oXSHQFRLMKYEE3tEiq5pVYaXXCdVjUGn852a85nctGX4uA3APwZgO8CeJ+I/DeU2kF/KbJREVUJY0L0Chb2Iq3pStlpDSGMrv95K4ftG0v5eHudozA+WfPe7OpJYfMVAFR1D0ptGx4D8HMAfar6VJQDI6oUxqlUHS7N2fy8l9Oh6ZtX99QssAZRecdReZA8cLkbaPXziMLiuym5qp4EcDLCsRAZhbGQaUq/i8D35OqUS++9/irsODA2W93T2W7hhl97D47+9ILrLmAB5hzWbtpNbN+ZEIWNR0JS02h0IfMtUw9+rf/AdMB7XHZKp1p1+oodPSluDACUGVEdl+iksl/QgrwFKydz+vE4pZziHB8R4H8RmChWjW76chLGOoIflbn8IJu44hofkY13AJQ6YXXtrBbXhijTJq5fTk7h8btXGD+PG7Yobr7OA0iL3t5eHR4eTnoYFDFTzrxZFkMXDxw01vtX9vAnikuj5wEQxSaNi6FBDpJxOyS+cvcyT+mipHENgFInbbtgh0YL6H/q+JyW0f1PHTeuS3g1nTs3PlmzTuDVhpooCgwAlDppWwzdcWAMxZmqE7VmFDsOjDk+394wZjoj4NqOvGtvI6K4MAVEqVPvYqhbSqWRdIupfbPp8crv4HROb//6JdhqOCieNf8UJwYASpxpcg56Tq+pcghAJFVFXtwC2a5Dp1jzT4ljAKBEhVXy6ZVSMZ0F7OczOtstx/NzO116C9lMgax//RLj3QFRXLgGQIkKKxfuVjnkdhawn0XX7RuX1RzHaOVktoNnPZway7E8lOLGOwBKVFgln15tFExlmX4OlJk9SezFM7MN5RrpAFr5vpzwKUm8A6BEhVXy6VY55JZW8RNohkYL2PvS2TndRCeKM+h/2lwKGkUrC6KwMQBQosIq+XRLqfSt7Dbm6xfkLc+JetehUzVloABQnFbHVBVr/KlZMAVEiQqz/41bSmX7xmU1i65Wm+DtS1Oz5ZymBWi3uwSn34VxfjFRHBgAKHFh5MK96vydAs3Epama6h6nidqttYNTqiqNrSyInDAAUCo0slHLbylpdaBZPHDQ8f3sVg32eDraLbQBmKl6npUTrF3ahTWDh+eMm339qVlwDYAS12jOvN5SUtOEvCBvzRnPhYkicjlB3rr8n0tnu4W7b16I/SOFmnGvXdqVqlYWRCYMAJS4RvcC1JtyMS1Ai9RuHCtOK65613y8PrgBrw9uwOjDH8ULJ887jvuFk+dZ409NgSkgSlyjOfN6Uy6mBWi/fXrcxs0af2oGDACUuEZz5o20VXCaqP326WGun5odU0CUuEb3AoTdVsHveNLWtpooqMTuAETkMwA+DWAKwEFV/UJSY6FkhbEXIMyUi9/x8AxfanaJnAksImsBPAhgg6peFJH3qeq/er2OZwKnC480JGoOaTsT+H4Ag6p6EQD8TP6ULmG1cSai5CS1BvBBAL8tIi+KyN+LyM2mJ4rIFhEZFpHh8+fPxzhEcsMjDYmaX2R3ACLyPIBrHH71YPlzOwGsBnAzgH0i8uvqkI9S1d0AdgOlFFBU46Vg/JRuMkVElG6RBQBVvd30OxG5H8Az5Qn/JRGZAXA1AF7iNwmvEkimiIjSL6kU0BCAdQAgIh8EcAWAXyQ0lsyrp3d9//olNYeiWG0yWwLJFBFR+iW1CPwEgCdE5McALgG4zyn9Q9Fr6Eq9+lCsip9N3TNNj5vGxhQSUXQSuQNQ1Uuqeq+qfkhVb1LVw0mMg+q/Ut916BSK03NjduUBKTlxPjLR9Hg1HqpCFD3uBM64evvweL1u2nBDZ3q8GlNIRNFjAMi4es/k9Xpdt+H3pser8VAVougxAGRcvf1snF4nKKVq1gwebrgnfliHxRORGbuBtjA/i6j19rOpfF1hfBICwE7uFMYnsX+kgLtWdeOFk+c939dpnI10+CQifxLpBVQv9gLyr7q6ByhNoFEcTLJm8LBjdU93Rx5HBtbVPU6AjdaIwpC2XkAUMbdF1LAn0Uby9W7jPDKwjhM+UYS4BtCi4lxEbSRfz8VeouQwALQor0m5nt2/Jo0cjMLFXqLkMAC0KLdJOexNVo2cyMVTtYiSwzWAFuVW3bNm8HDo6wP1nsjFU7WIksMA0MJMk3La8u5hHudIRP4xBZRBzLsTEcAAkEnMuxMRwBRQJvWt7Mbw6Tfx5ItnMa2KnAjuWmVOw7AtM1Fr4h1ABg2NFrB/pDDbmXNaFftHCo5VQE4VQw/sPYYVO59ja2aiJscAkEFBWi07PRcAxieL7M9P1OQYADIoSBWQW2UQ+/MTNTeuAWSQ14Hufp5ra7WWDVzvoCzhHUAGBakCcnpupVYqHeUxlJQ1DAAZFKR1g/3cznar5netVjrKYygpa5gCyqggu2/t57Z6eiRtO6SJosYAQL61esuGIGsjRK2AKSCiMu6QpqzhHUCMWj2F0uzYmZSyhgEgJtVn39oVJgA4waRIq6e5iCoxBRQTVpgQUdowAMSEFSZElDYMADFhD34iShuuAcSkf/2SOWsAgHOFiddC8UNDJ+a0cb7n1oV4tG95bN+DiFpHIgFARFYA+CsAVwKYAvApVX0pibHExU+FiddC8UNDJ/Dto2dmnz+tOvszgwARBZVUCujLAHaq6goAD5d/bml+SkC9FoqffPGs43ubHicicpNUCkgBvLf87wsAnEtoHLHwWwLqtVBsH+BSzfS423hY605ESd0BPABgl4icBfAVANsSGkcs/JaAei0U50Qcf2963Ak7XhKRLbIAICLPi8iPHf75GID7AWxV1YUAtgL4a5f32SIiwyIyfP78+aiGGym/JaBerQjuuXWh4/uYHnfC/QhEZIssBaSqt5t+JyLfAvDZ8o9PAfimy/vsBrAbAHp7e4PlOlLCb5Mxr4Vie6G3kSog7kcgIltSawDnANwG4H8BWAfgnxMaRyz8loAC3q0IHu1b3lDFDzteEpEtqTWATwL4qogcB/AlAFsSGkcsghzAEjV2vCQim2jACpIk9fb26vDwcNLDaHqsAiLKFhEZUdXe6se5EziD2PGSiAD2AiIiyiwGACKijGIKKKO4DkBEDAAZxNPJiAhgCiiTuBuYiAAGgEzibmAiAhgAMomnkxERwACQSdwNTEQAF4Ezyc/pZETU+hgAMoq7gYmIKSAiooxiACAiyigGACKijGr5NQC2PCAictbSAYAtD4iIzFo6BcSWB0REZi0dANjygIjIrKUDAFseEBGZtXQAYMsDIiKzll4EZssDIiKzlg4AAFseEBGZtHQKiIiIzBgAiIgyigGAiCijGACIiDKKAYCIKKNEVZMeg28ich7A6Qje+moAv4jgfdOC36+58fs1v6S/4/Wq2lX9YFMFgKiIyLCq9iY9jqjw+zU3fr/ml9bvyBQQEVFGMQAQEWUUA0DJ7qQHEDF+v+bG79f8UvkduQZARJRRvAMgIsooBgAioozKbAAQkY+LyJiIzIhIb9XvtonIqyJySkTWJzXGsIjIChE5KiLHRGRYRG5JekxREJHPlP8/GxORLyc9niiIyOdFREXk6qTHEiYR2SUiJ0XkFRH5roh0JD2mMIjIHeW/k6+KyEDS46mW2QAA4McA7gTwD5UPisgNAD4BYBmAOwD8pYjkal/eVL4MYKeqrgDwcPnnliIiawF8DMCNqug8KQQAAAP3SURBVLoMwFcSHlLoRGQhgN8BcCbpsUTgBwA+pKo3AvgnANsSHk/DyvPGXwD4XQA3ALinPL+kRmYDgKr+RFWdTof/GIDvqOpFVf0ZgFcBNPsVswJ4b/nfFwA4l+BYonI/gEFVvQgAqvqvCY8nCo8D+AJK/3+2FFV9TlWnyj8eBXBdkuMJyS0AXlXVn6rqJQDfQWl+SY3MBgAX3QDOVvz8RvmxZvYAgF0ichalK+Omv7py8EEAvy0iL4rI34vIzUkPKEwisglAQVWPJz2WGPwhgL9LehAhSP1c0tIngonI8wCucfjVg6r6PdPLHB5L/RWX23cF8BEAW1V1v4j8AYC/BnB7nOMLg8d3nAegE8BqADcD2Cciv65NVOfs8f2+COCj8Y4oXH7+exSRBwFMAdgT59gikvq5pKUDgKrWM8m9AWBhxc/XoQlSJm7fVUS+BeCz5R+fAvDNWAYVMo/veD+AZ8oT/ksiMoNSA67zcY2vUabvJyLLASwGcFxEgNLfyR+JyC2q+i8xDrEhXv89ish9AH4fwEeaKXC7SP1cwhRQrQMAPiEi80VkMYAPAHgp4TE16hyA28r/vg7APyc4lqgMofTdICIfBHAFWqTDpKqeUNX3qeoiVV2E0sRyUzNN/l5E5A4AfwJgk6pOJD2ekLwM4AMislhErkCpuORAwmOao6XvANyIyL8F8OcAugAcFJFjqrpeVcdEZB+Af0TpVvSPVXU6ybGG4JMAviYi8wC8A2BLwuOJwhMAnhCRHwO4BOC+FrmKzIqvA5gP4Aflu5yjqvpHyQ6pMao6JSKfBnAIQA7AE6o6lvCw5mArCCKijGIKiIgooxgAiIgyigGAiCijGACIiDKKAYCIKKMYAIhiJCK/SnoMRDYGAKIGtUC3WMooBgAiFyKyqNyn/m/KveqfFpF2EXldRB4WkR8C+LiIvF9E/qeIjIjI/xaRpeXXLxaR/yMiL4vIf0346xDNwQBA5G0JgN3lXvW/BPCp8uPvqOpvqep3UDr0+zOqugrA5wH8Zfk5XwPwDVW9GUDLtG6g1sCdwEQuRGQRgH9Q1Z7yz+sA/GcAKwDcpqqnReTdKDWdqzxfYr6q/oaI/F8A16hqUUTeC+Ccqr471i9BZJDZXkBEAVRfJdk/v13+3zYA4+UT1/y8nigVmAIi8tYjIr9Z/vd7APyw8peq+ksAPxORjwOAlHy4/OsjKHWBBIDNcQyWyC8GACJvPwFwn4i8AuAqAN9weM5mAP9JRI4DGMPlo/8+C+CPReRllI7jJEoNrgEQuSivAfytqn4o4aEQhY53AEREGcU7ACKijOIdABFRRjEAEBFlFAMAEVFGMQAQEWUUAwARUUb9f0b0egTFRhgbAAAAAElFTkSuQmCC\n",
"text/plain": [
"<Figure size 432x288 with 1 Axes>"
]
},
"metadata": {
"needs_background": "light"
},
"output_type": "display_data"
}
],
"source": [
"plt.clf()\n",
"plt.scatter(res, test_sol)\n",
"plt.xlabel('pred')\n",
"plt.ylabel('exp')"
]
},
{
"cell_type": "code",
"execution_count": 19,
"metadata": {},
"outputs": [],
"source": [
"from sklearn.metrics import r2_score"
]
},
{
"cell_type": "code",
"execution_count": 20,
"metadata": {},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"0.8605614290390137\n"
]
}
],
"source": [
"print(r2_score(test_sol, res))"
]
},
{
"cell_type": "code",
"execution_count": 21,
"metadata": {},
"outputs": [],
"source": [
"from sklearn.ensemble import RandomForestRegressor\n",
"from rdkit import Chem\n",
"from rdkit.Chem import AllChem\n",
"from rdkit.Chem import DataStructs"
]
},
{
"cell_type": "code",
"execution_count": 22,
"metadata": {},
"outputs": [],
"source": [
"train_fp = [AllChem.GetMorganFingerprintAsBitVect(mol,2) for mol in train_mols]\n",
"test_fp = [AllChem.GetMorganFingerprintAsBitVect(mol,2) for mol in test_mols]"
]
},
{
"cell_type": "code",
"execution_count": 23,
"metadata": {},
"outputs": [],
"source": [
"rfr = RandomForestRegressor()"
]
},
{
"cell_type": "code",
"execution_count": 24,
"metadata": {},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"/home/takayuki/anaconda3/envs/chemo37/lib/python3.7/site-packages/sklearn/ensemble/forest.py:245: FutureWarning: The default value of n_estimators will change from 10 in version 0.20 to 100 in 0.22.\n",
" \"10 in version 0.20 to 100 in 0.22.\", FutureWarning)\n",
"/home/takayuki/anaconda3/envs/chemo37/lib/python3.7/site-packages/ipykernel_launcher.py:1: DataConversionWarning: A column-vector y was passed when a 1d array was expected. Please change the shape of y to (n_samples,), for example using ravel().\n",
" \"\"\"Entry point for launching an IPython kernel.\n"
]
},
{
"data": {
"text/plain": [
"RandomForestRegressor(bootstrap=True, criterion='mse', max_depth=None,\n",
" max_features='auto', max_leaf_nodes=None,\n",
" min_impurity_decrease=0.0, min_impurity_split=None,\n",
" min_samples_leaf=1, min_samples_split=2,\n",
" min_weight_fraction_leaf=0.0, n_estimators=10,\n",
" n_jobs=None, oob_score=False, random_state=None,\n",
" verbose=0, warm_start=False)"
]
},
"execution_count": 24,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"rfr.fit(train_fp, train_sol)"
]
},
{
"cell_type": "code",
"execution_count": 25,
"metadata": {},
"outputs": [],
"source": [
"rfr_pred = rfr.predict(test_fp)"
]
},
{
"cell_type": "code",
"execution_count": 26,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"0.6881015769353733"
]
},
"execution_count": 26,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"r2_score(test_sol, rfr_pred)"
]
},
{
"cell_type": "code",
"execution_count": 27,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"<matplotlib.collections.PathCollection at 0x7f0ddc2e17f0>"
]
},
"execution_count": 27,
"metadata": {},
"output_type": "execute_result"
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAAAXIAAAD4CAYAAADxeG0DAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjEsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy8QZhcZAAAgAElEQVR4nO3df2xd53kf8O/DqyuJVBBRrhVkYeTI7RoZVZVINWO7EIrMyg9l8+RwdlrXa4BgBWIkQ4pZSJXKtVHJhTcTZQevQAcMWus/Bgcp7cjj7LmtHFdO/xAmNxRITdFgpfllKVcrysyigZiUdUk++4M89Lnnvu857/lxz497vh/AiHh5f7yXDJ/z3ud93ucVVQUREVXXQNEDICKidBjIiYgqjoGciKjiGMiJiCqOgZyIqOI2FPGiN998s+7cubOIlyYiqqxz5879VFW3B28vJJDv3LkT09PTRbw0EVFlicgbptuZWiEiqjgGciKiimMgJyKqOAZyIqKKYyAnIqo4BnIiooorpPyQiKhspmZamDh1CVfnF/GB4UEcObgLY/tGih6WEwZyIqq9qZkWHnn+AhbbywCA1vwiHnn+AgBEBvMyXAAYyImodKKCY9bBc+LUpfUg7llsL2Pi1KXQ501zAcgSAzkRlUpYcASA4y9cxPxie/3rLILn1fnFWLd7kl4AssZATkSlYguOx1+4iHeWVrq+530/TfD8wPAgWoag/YHhwdDHJb0AZI1VK0RUKrYgOL/YNgbxqMe5OHJwFwabjY7bBpsNHDm4K/RxtkAfdQHIGgM5ETmbmmlh//hp3Hr0JewfP42pmVbmr5E0CKYJnmP7RvDkfXswMjwIATAyPIgn79sTOcNPegHIGlMrROQkr4W9Iwd3dbwOsBoc31laxorlrPhg8EyyGDq2byT2+/Duz6oVIqqEvBb2bMHx4clZ62P8s+e8K0mSXACyxkBORE7yXNgzBceJU5eMC5Ijw4Md9y1LJUmemCMnIifDQ81Yt2fNNR9dlkqSPDGQE5ETteSnbbdnzXVBsiyVJHliaoWI1oUtEr7l24TjZ7u9F1zy0bbF0rwrSfLEQE5EAKIXCZNumslbWSpJ8sRATlRieTZkilokrNJMt1eVJGVokGXCQE5UUnmX0UUtEtZxputX5g6JDOREJZV3GZ1L6qQMNdNFKXOHRFatEJVU3mV0ZdluXla96JCYFc7IiUoq78XFqqdOep2+KHOHRAZyopIqYnGxqqmTPNIXSX8feVyQmVohKqmkHfnylEc3RBd5pC/K3CExkxm5iHwGwJ8AaAD4M1Udz+J5iequzDPkoo45M6VQ8lpPKGuHRNGU+2tFpAHgewA+BeAnAL4D4EFV/T+2x4yOjur09HSq1yWiYu0fP21tYnXm6IGevGbw4gGszm43NwdwbaF7h2kvx1IEETmnqqPB27OYkd8B4Puq+sO1F/oLAJ8FYA3kRFQtec+CbQuXthTKpg0DGGw2KrFZqReyyJGPALji+/ona7d1EJGHRGRaRKbn5uYyeFkiysPUTAtHnjuP1vwiFKsplCPPnbd2PUy7iOfNuv2v98jzFzA107JeJN5abJd+PaGXspiRi+G2rnyNqp4AcAJYTa1k8LpElIPjL1xEO3A0T3tFcb29nOks2JuFm9I13sJlWAVIFusJZd2CHyWLGflPAOzwff1BAFczeF4iKoF5S3fDxfaKdRYct5rFPwu3uTq/2NMKkLBPAmWXxYz8OwB+UURuBdAC8JsA/nUGz0tEJWeaBSepZjHlvoO8Wbd3/6xnzVU+WSh1IFfVJRH5CoBTWC0/fFpVL6YeGRGVwrahprEiZJslR54kIIbNxIHOWXevSjKrfLJQJnXkqvqXAP4yi+cionI5dmg3jnzzPNrL7+bJmw3BsUO7jfcPC4i2HHRDBMuWUmhB5+YeUxDPIrddlX7rJtzZSUShxvaNYOJzH+3IhU987qPWQGkLfFsHm9YctC2IA+9WTthy1lnltqvcNCz1hqAkuCGIqH/F3bQDIHRGHhTc5JPlxqSyV630ckMQEdE624Lk4clZ62NcgzjQnbrJMrdd5pYIYRjIiSjVTPSxqQv4xmtXsKyKhggevHMHnhjr3oxjqxGPK5i6iZvbLvusOwnmyIlqLk2O+bGpC3jm7OX1GfWyKp45exm/9V//V9d9TTlok7D7yNr4/LXpcXLbVa4VD8NATlRzaVrAfuO1K8bbz/zgTez7w5c7AqS/DayNt6nIW1jdsrHRsXXctPAZp71smvdalpa9JkytENVcmhxzWG772kK7ayOQl4O2LYh6aQ7/fWyv4K9Nd81tJ32vRbXsdcVATlRzaeqno6pNbBuBXHZouuz2dAnA/tfYOtg0thyIeq9l3/XJQE5Uc2mOlHvwzh145uzl0PvYgm3ULNrlE0FYADbNopsNQXNAOpqAubzXsu/6ZI6cqObSHCn3xNge7P+Fm0Lvk3RnZNTjogKwaRbdXla8Z/OG2O/VNpay7PrkjJyopuKW4dnu//Uv/iqmZlo4/sLFrrRFmp2Rpk8KgtUFzxGH8dpmy/MLbcz8wadTj6VMuz4ZyIlqKO7inen+hydnMf3Gm+s1494CZVY12mk7HWbZOyWPczfT4BZ9Igd5bSLJ63XibGufmmnhq8+eD13UdJkh581WGVPlk4O4RZ8oobxKz3rxOrYLgy3t0FrrUOi9njemqC30LmPN6iLl+jxln0VniTNyogh5nRaf9euEzUjDtss3G7Le3XDv4y9bTwgysY01q9lxP86y47DNyFm1QhQhr9KzJK8TttswrPb5yMFdaDZMx+2uVnY8/uJFTM20YgXxsLHG2VGZ9D3VGVMrRBHyOnDA5XX8BxR7FRyeYHoj7MIwtm/EWGXiubbQThQcbT+TsFSOX1R6qez13EXhjJwoQq8P/PVmnws3ltAc6Jwl+18neECxKSnqn53aguqACG49+lLkbDuqU2FwPh/2M7GNRYBYM+6y13MXhYGcKMLYvhHcf/vqcWTA6rb0+29P37c62Inv2kIbEGB4sGncrOKyZR14d3Zq6za4rGrtX+Lnvd+gbUNN/Hj8Hjz1wF7njTV337bdeLsCHTP/qBl3lU/x6SWmVogiTM20cPJcq6NV68lzLYx+6KZUwdy283DLpg2YPda9YcU1feDNTsf2jWD6jTfXe4XHtayKwWajY4zNhkAVuPXoS7GqQF59fc76Pf/7ikov1akSJQ7OyIki9GqBLW6+1yV9EEzF+C9AcQVbym4bagIKzC+213t5Pzw529Wu1iTsIuR/Xy4z7rF9Izhz9AB+NH4Pzhw9UPsgDnBGThSpVwtscRdRTdvE/bYNNXHs0O7YqZhtQ01cb6+EtpQFVssjTWduXlto4/DkLJ6bvowf/79F40zZ9l5l7X35a8OHh5rYtGEAby22OeN2xEBOFKFXVStx+3f4A3RrfnG9hay3q9L73uHJWeuYgwabDRw7tHv9sWHpirALl2L1MAlPsNrE1jflt+66BQA6vndtoY3BZgNPPbC36z154+rH49rSYCAnitCrhklJ8r221q+msr1geaKnIYIV1a7AGMX14uAJHvwAmN/r/vHTxtTV8Rcu4p2lla5SxOk33sTJc63SHvJQBAZyogi9XGDL6tR2UxpFga5gbtoF6dIaYGqmhYUbS7HH5Z/F296rtUuhoTxysb1sXLwt0yEPRWAgJ3KQVcCNyzWFYAuGXsvXsMdHnX5j2hbvKir9NDXTwkDEKUNBtvvWeVMQAzlRSdlaxz48OdvVbdCW9nDp0xK1mOu6aBrkLWTahDXkGmw2sLk5YFxctR0vV+dNQSw/JMpRnJPYbekSoPMUeSD+Rhn/OAYsG3+Gh5oAks10vYXMsE8xtgtEQwRP3rcHxw7tNr6nB+/cwU1BAZyRU6W5ph6KrnKYmmnh8RcvdswwoxbpogKo62KiaSz+mb4tVfGz60uYmmlheKhpnBmbCOD887W9v2XV9cZeXqfG4Hsa/dBNrFrxSdXGVkQmABwCcAPADwD8G1Wdj3oc29hSFlxbmhbd+jQqx2yqIgHsbW39BMCPxu+JNR6X5/U/vwiw4hAm4rbbjRpHndrTuupVG9tvAfhlVf0IgO8BeCTl8xE5c91xWXTr06gcs9f7xCVdEmTKC0elb+KkShRuQTxJaiPq/bE9rbtUqRVVfdn35VkAn0s3HCJ3rjsu8259GkzjZFF7baoLNwVP0wLpw5OzOPzsLFRXZ81xUiVhoqph/GMypUGC78+kzpUocWSZI/9tAJMZPh9RKNcdl3n1EwfibcyxsdVeB/PsmzZ0f6C2zf69DGprfhHNAUGzIWgvJ0+rNkSc8tJRNeref7Y0S50rUeKITK2IyCsi8l3Df5/13edRAEsAvh7yPA+JyLSITM/N2TuhEblyrdTIs/Vp2MYcV161iMn19sr6v+cX2+upGC+d4jL7b68oNgzEGVG3ZdWONJCNa1qL7WnTiZyRq+onw74vIl8A8C8BfEJDVk5V9QSAE8DqYmfMcRJ1ca3UyLP1adTGHJdA61WLuG7ceXhyNvasf9F3QQgKPldzQLCkiuBf92J7GV999jwA+9Z417QW29Omkyq1IiKfAfB7AD6uqgvZDInoXVFlg647LvPambl1sGncWu5VdNx69KXIgNteUeN286imVVkx7QY9PDlrvK83MwfMwTxOWquo3bP9IG2O/E8BbALwLVndVHBWVb+UelREcOsB4t2vDDO5qZkW3jb0I2kOCO6+bTv2j592DrimoB134dQmeFhEULCMMGobva3Pia0/C1Mm2UtVfqiq/1RVd6jq3rX/GMQpMy751eBxacESvjxNnLpkXEDcuGEAJ8+1YgVh04zVpRzRxeZm+J+9P8iGbaP3C154vMcFq2OGB5usDe8BbtGn0nLJrxZdI+5nG+/bN5Zj9SqxzVjH9o2sn9iTRlTpoT/IuvZZCV54bI/bsmkDg3gPcIs+lZZLfjXvGvEwWaQ+hgebEAEOT87i8RcvQhVdJ+WM7RvBzqMvZTTqTls2NrB//HSsGnjThadMv5c6YCCn0nI50CFtjXgwv373bdvx6utzifLttlNw4ixE+g9SCOvL4loBE0djQHBjaWX9eeMeTuGXRe1+WdY+qoCBnArh8kfqUpKW5vQe02LqM2cvr3/f5eSZ4Pv4lVu24uwPr63nlOME8YZIaBrDv6h45OAuHPnm+VSbekTe3Si0bagJ1e7DHFwPpwhKe6qS60I3rUrVNCspNs2qt6ybWCWZuU3NtPDVZ887HWgwPNjElk0bup4/6YEL24aa+Nn1JbR9TUyiKkk8/iZZpo6KSblUssSdGaeZUds2N8VtzNVvbE2zOCOnxJL+oUadSBNX3Ppj10oMz/xie32m6p8ZJj1wYWjjBtzzkX/SlcIJ6zni8acmxvaNYPqNN/H1s5dT15EvtpetBzbYgmdWNf4mzLHHw0BOiUR99A37Iy/6jzRpAPYstpfx+IsXMZ9wJtyaX8TJcy3jJ5CwGX4wNTE108okiHuWVbtm5rZ0SK9TH3n2x+kHDOSUSFTZX9gfedF/pFlcMK4ttLEtRRdB0yeQ4JrA8FreOli14pk4dSnTHZ3eyTymC3Dwwvz2O0uZfqoKSptjrxsGckokbFYdlTop+o80qx2Squ65bRPTz9C0wHv83t2JThAyCRvvsqoxHWKafdtk9amKvVfi4YYgSsQ2e/7A2qKYiXe7f2OLYDUHm+duv6x2SM4vtjveR1wDIl07UOPsVA37BLNlY/f7EwD33z5i3VAka68fFCcVleWnqrF9Izhz9AB+NH4Pzhw9wCAegoGcEglrOxoW5D1F/pFmtUNyQDrfh+35hgebxguHqRVsnJ2qRw7uQtPQjnZAVtsCBCmAV1+fw5GDu4wXHl17/SDXWTZTH8VhIKdEwmbVVegt7QXg//TA3q6xDmA1GEZZ0c4ZrO19H793N568bw8ahtPqg0E6zkLw2L4RvGdzd3Z0Re3b8L20iC23bmvWZbJtqFnYpyrqxBw5JWYrLytLfjPJpqOtg028fWPJeaONf3Ev6n3bWsH6c85xF4KTLLY+8vwF60KtrVmXaU3j2CFz7p7yx0BOPVF0b+k45XH+se4fP23sJ25jOiDB9r5tQdrLTSdZCLbVfguAzZaFzcX2Mq4bbg9r1gUUf2EmOwZy6kuum47SHJQMxFvc8w5oCIZdLzcdPJA4LGh647ZtalIAT963Bw9bPgUEH7VtqBk6wy76wkzhGMipL7nkmuMclLxtqInr7ZVUJZNj+0asgdV24HKQ67Z8Lxvv2lxraCPby1YZAzmVUtLt/97jbBlu/ww67KDkYJOoY4d2rz/GPyYAHW1fo8ZpC6wuM/s4vV28Wb4pVWPCre/VxkBOpZN0+3dUoAvOoKMOSjYF52BaJjjOhydncfyFi9ZNPGk2Q8VtLXB1frErVWM7so1b36uNgZxKJ2lTrbBAN2KYLdty4q4d9myvN7/YDl1Y9R7r34Z/eHJ2fQYd90R6Gy84+1M1ts6TZSoNpfgYyKkn0rQwTdpUy/Z9AYyB2TY79g5Kjhp72HjCLjxeYI37ySPOYiwrUOqFgZwyl7YzXtKmWnEfZwpqd9+2HSfPtZzGHhVYoy48x1+4GOuTh63qJcj06cMvSQUKT+spNwZyylzafuNReWRbUEmSfw4Gtf3jp0PH7n/trYNNNBti3TwUduGZmmlZ69VtF4Co/uNpDucIw9N6yo+BnDKXtt942Md/l6CSZuYYNvbga88vttEcEGzZ2MDbNzqDf9QFxNTTxLN1sGlN7TwxtgejH7pp/RAKb0NQ1Cw8jawPAqHsMZBT5rI+ENkfoKKCii1tEJxJiwDzC919vsPGbnrt9orifUMb8e//1a6O4OrvoRI3v/72jSXjiUT+ypk8A2jRB4FQNDbNosylaZoV1cY1SVAJPuf8YhvXFtrG5w8be9hr+5uFeeV9weeemmlh//hp3Hr0JQwYGmgBq826gqkaW/fDPEzNtKxjZclieTCQU+bS9BuPauMa1iLXHyj3j59eD6BR9dfB2bNt7FHtecPGHryYmGq5B5sNrFhWMouY/YadbcqSxXJhaoV6IunH/6gZd1jJoC137hIEw7bIexcI0xZ+f0CLe2oSsNr0akV1vWLmG69dKc2GnbAxs2VtuXBGTqUSNeu1zZhffX3OOht2CYK2+/hn0sC7W/iB7k8aSU5NWlHFj8bvwZGDu3DyXKtUs9+wMTOIlwsDOZWKS37ddLpQ2Gw46mg3WXtdE1s/Fm/3pz+gpTk1Kc/Zry0FZRub6+1UHAZyKpWk+fWwoOM9p43CXg8d98SesFOTgseyNQckMi2T9ew3zpmgVTjpiVZlkiMXkd8FMAFgu6r+NIvnpP5nKzNMkl+P2gw0tm9kvTwwKOzsziS7Ra1jDxZ/+L5OW7LpKk5NOLfzV0fqQC4iOwB8CsDl9MOhush6t6Btu/3EqUs4PDlr3H4PRM8wbW1gF24srZ/q42Li1KWussL2sq4H0DRdEeOIW77JAyWqIYvUylMAvgb7ea5EXeKcFu/Knzv3Fg/9KYST51q4//YRDA821x+zuWn/E/A+MSy2l7sm09cW2jjyzfPW/HJQVABNU7IZB/Pe/SnVjFxE7gXQUtXzYtk04LvvQwAeAoBbbrklzctSH7A1m4ra2OP6Md92ofif5/8v3llaWb/t2oK55WzwE4NpltJeVjz+4sXMGoHFmf0mbWKV18yf8hUZyEXkFQDvN3zrUQC/D+DTLi+kqicAnACA0dFRzt5rbGqmZT1SLaoM0DUVY7sgmBpVmXLEroc4XFtoOwXVLANomrQU8979SdRyeGvkA0X2APgbAAtrN30QwFUAd6jqP4Q9dnR0VKenpxO9LhUri3am3uaaIAHw1AN7jc9ne4ztEAjb/cP4TwWK89jBwGn1ti6EWbWCjfuzSIJta8tJRM6p6mjw9sSpFVW9AOB9vhf4MYBRVq30r6wWKMOOWMuiDBCwz4A3NweMBxcL3k33hB3C3PU4QawqkCyCYa+bWLFtbfWwjpycpVmgdGkYFVUGGOf2sX0juP/2ETTWXqshgvtvH8GxQ7uNm4OCQdu/g9OmOSCwfaDtZW+UXi9Y9mIhmnors0Cuqjs5G+9vUb26bbsFXRpGAcDOn7MHItvmlLtv2459f/gydh59CTuPvoS9j7+MqZkWpmZaHVvel1Vx8tzqmJ68b09H5YqNt4PTqyL5/F23dHw98esftV58elUFMjXTwsKNpa7bs1ywZNva6mHTLHJmyx1vHWyGfhR3XTg884M38djUBTwx1r0L01YnPvmdKx312fOLbRx57jzes3mDdVZ55ugBTJy6ZD2hx7NtqOmUc86rCsR0cDIADA82cfze3ZmlPfLanETZYWqFnNlmxWF5YiDeTO4br12xfi/YY+XV1+eMx6y1V9SYB/ePxWVMP7u+FFknnlf9N2CvpNmyaUOmr8et+dXDGTk5s5WuHZ6cNd7fC5ZxqkBsaZew54/Dm1W6jKm9osZFy6C8dj/mlfJgiWL1MJBTLME/8olTlzA81DTOgL2gadvmbtKI2Fjmt3WwaU2PDA828c7SijXl4TqmMuWF46Q80pYPcmt+tTC1QrGYuuf97PoSmo3OABxsWBVMP+z/hZuMz//gnTucxxIW84/fuzs05REck+0CUqa8sGvKI06HQ+oPnJFTLLYDiIcHm9iyaYN1Bmia4T02dWH9RJyGCB68c4dxodNm3pIH917P/7+2+3jfNy0kli0v7Jry4Kn39cNATrHYUg1vLbYxe8ypW8O6J8b2xArcQbZUQ1g9uk1V8sIuKQ+WD9YPAznFUqbStKwbQJUpL5wmx12m3xHlgzlyiqVMpWl5lv7lyTXHbduEVabfEeWDM3KKpWwpiDLNorPikuN26YdSlt9RUerU+IuBnGLrx+BZJi457qhgX/ffUd0afzGQU+WlrX4pG5ccNxc0w9Wtcoc5cqq0x6Yu4JmzlzuaYz1z9jIem7oQ+diwRl9Fcslx88i2cHW70DGQU6XZerOE9WwByr1pxmURlwua4ep2oWNqhZxltXiU5SKUrTdLVM+Wsn/0jspxc0EzXN3OJmUgpy6mQAsgk8WjrBehGiLGoB3Vs6UfPnrXfUEzTN0udAzk1MEWaDdtGIg1g7XNurOeCT945w48c/ay8fYw3DTT/+p0oWOOnDrYAq2ty6BpBhuWf856JvzE2B58/q5bOo50+/xdt0RWrTDHTP2EM3LqEDegmmawYbPuXsyEk/RsCX70Hh5qQhU4PDmLiVOX+vpjOPUfzsipQ5yA2hwQ4ww2bNad1Uw4i9JB78Shpx7Yi+vtFcwvtktXwULkgjNy6mBa7Rd0nzIPAO/ZbD5iLGzWHXcRqpcLr56yV7AQRWEgpw6mQGs7Es3WDzyq9Mt1ESqrhdco/VDBQvXG1Ap1MM2Abf29bWmYrLoSZrHw6qJum0eo/3BGXlNxUhb33z6Ck+dasTZXxJl129IsWSy8uqjb5hHqPwzkNWRLWWxumlMWr74+hyfv25P55oqozUG2w5WHmgNQSKYHSgD12TxC/YeBvIZsKQvbifJX5xd7srkiapHRtjlzU7OBY4d2Zxp467R5hPoPA3kN5ZWySDoO73bbYur8QpuBl8iHi501ZAvMw4PNXHc7Ri0ychGSyA0DeQ3ZNuUcv3d3rmdgRm0O4jZ6IjepUysi8jsAvgJgCcBLqvq11KOinopa3MsrZeE6Di5CEoUTjejbHPpgkbsBPArgHlV9R0Tep6r/GPW40dFRnZ6eTvy6VVOnQ2CJqHdE5JyqjgZvTzsj/zKAcVV9BwBcgnjd1O0QWCLKX9oc+YcB/JqIvCYifysiH7PdUUQeEpFpEZmem5tL+bLVEVZiR0SUhcgZuYi8AuD9hm89uvb4bQDuAvAxAM+KyM+rIV+jqicAnABWUytpBp1UESkO9vEgol6LDOSq+knb90TkywCeXwvcfyciKwBuBlC6KXdRKQ6eRENEvZY2Rz4F4ACAb4vIhwFsBPDT1KPqgTStStPM5JP08ShycZQLs0TVkzaQPw3gaRH5LoAbAL5gSquUQdIUR9qZfJL+20UtjvbLwiwvRlQ3qQK5qt4A8PmMxtJTSVMcWRw6EGc7eZGHHPTDAQv9cjEiiqM2OzuT7hLMe7GyyMXRfliYZZUQ1VFtAnnSww7y7vdRZH+Rfuht0g8XI6K4atX9MEnHvLwPHSjykIMyHrAQN9/NKiGqo9rMyJPK6tiysr5e8LXvv30EjbVG4A0R3H+7+8Uvi5Ptg8/3yPMX0JpfdD7dno22qI5S9VpJqm69VqoiuFAIrAZBlwtJmsfa7B8/bZxdjwwP4szRA6FjYdUK9aNe9VqhPpKmaqUXFS9J8908dILqhqkVWpdmobAXi4z9sPhKlAcG8gxlnSPOW5rA2Yugy3w3kRsG8owkWZgrmzSBsxdBt8iFX6IqYY48I/2wKzLNiTy9Os2H+W6iaAzkGemXjShpAieDLlExmFrJCBfmiKgoDOQZ4cIcERWFqZWMmHLEd9+2HROnLuHw5Cw3plQENxNRFTGQZ8ifI65zO9WqBsM6/86o2pha6ZG6tlOtchlmXX9nVH0M5D3SL1UscVU5GNb1d0bVx9RKj9S1naprMCxj+qWuvzOqPs7Ie6SuVSwuZZhlTb/U9XdG1cdA3iN13V7uEgzLmn6p6++Mqo+plR6q405Hl636Zc5F1/F3RtXHQE6ZiwqGzEUTZYupFcodc9FE2arMjLyMVQ6UTK86JRLVVSUCOXfc9R/moomyU4nUSlmrHIiIyqASgbzMVQ5EREWrRCBnr28iIrtK5MiPHNzVkSMHVqsc7r5tO/aPn+7JglmvF1e5eEtEWUkVyEVkL4D/AmAzgCUA/1ZV/y6LgfnZen2fPNfqyQJorxdXuXhLRFkSVU3+YJGXATylqn8lIv8CwNdU9Z9FPW50dFSnp6cTvy4A7B8/bdxUMjI8iDNHD/T0udPOpns5diLqXyJyTlVHg7enTa0ogPeu/XsrgKspn89ZLxdAw547i9l00Yu3TOsQ9Ze0i50PA5gQkSsA/hjAI+mH5KaXC6Bhz51FKWSRi7dl7TxIRMlFBnIReUVEvmv477AqDE8AAASmSURBVLMAvgzgsKruAHAYwJ+HPM9DIjItItNzc3OpB97Lbd5hz53FbLrILeqsySfqP5GpFVX9pO17IvLfAPy7tS+fA/BnIc9zAsAJYDVHHm+Y3Xq5zTvsuSdOXUrd8KnILepFp3WIKHtpc+RXAXwcwLcBHADw92kHFEcvt3nbnttWChl3Nl3UFnV2HiTqP2lz5F8E8B9F5DyA/wDgofRDKreqHz7AzoNE/SdV+WFSWZQfUnKsWiGqpl6VH1IFsfMgUX+pRK8VIiKyYyAnIqo4plaocpjjJ+rEQE6VwoZjRN2YWqFK4c5Uom4M5FQp3JlK1I2BnCqFp0URdWMgp0rhzlSiblzspEopsuEYUVkxkFPlcGcqUSemVoiIKo6BnIio4hjIiYgqjjlyH279JqIqYiBfw63fRFRVTK2s4dZvIqoqBvI13PpNRFXFQL6GW7+JqKoYyNdw6zcRVRUXO9dw6zcRVRUDuQ+3fhNRFTG1QkRUcQzkREQVx0BORFRxDORERBXHQE5EVHGiqvm/qMgcgDcCN98M4Ke5D6Y6+POJxp9RNP6MwpX95/MhVd0evLGQQG4iItOqOlr0OMqKP59o/BlF488oXFV/PkytEBFVHAM5EVHFlSmQnyh6ACXHn080/oyi8WcUrpI/n9LkyImIKJkyzciJiCgBBnIiooorVSAXkb0iclZEZkVkWkTuKHpMZSMivyMil0Tkooj8UdHjKSsR+V0RURG5ueixlImITIjI6yLyv0Xkv4vIcNFjKgsR+cza39b3ReRo0eOJo1SBHMAfAXhcVfcC+IO1r2mNiNwN4LMAPqKquwH8ccFDKiUR2QHgUwAuFz2WEvoWgF9W1Y8A+B6ARwoeTymISAPAfwbwzwH8EoAHReSXih2Vu7IFcgXw3rV/bwVwtcCxlNGXAYyr6jsAoKr/WPB4yuopAF/D6v+fyEdVX1bVpbUvzwL4YJHjKZE7AHxfVX+oqjcA/AVWJ02VULZA/jCACRG5gtXZJmcLnT4M4NdE5DUR+VsR+VjRAyobEbkXQEtVzxc9lgr4bQB/VfQgSmIEwBXf1z9Zu60Scj8hSEReAfB+w7ceBfAJAIdV9aSI/AaAPwfwyTzHV7SIn88GANsA3AXgYwCeFZGf15rVkEb8jH4fwKfzHVG5hP18VPV/rN3nUQBLAL6e59hKTAy3VebvqlR15CLyFoBhVVUREQBvqep7ox5XFyLy11hNrXx77esfALhLVecKHVhJiMgeAH8DYGHtpg9iNT13h6r+Q2EDKxkR+QKALwH4hKouRN2/DkTkVwEcV9WDa18/AgCq+mShA3NUttTKVQAfX/v3AQB/X+BYymgKqz8XiMiHAWxEuTu15UpVL6jq+1R1p6ruxOrH419hEH+XiHwGwO8BuJdBvMN3APyiiNwqIhsB/CaAFwoek7OyHb78RQB/IiIbAFwH8FDB4ymbpwE8LSLfBXADwBfqllah1P4UwCYA31r90IuzqvqlYodUPFVdEpGvADgFoAHgaVW9WPCwnJUqtUJERPGVLbVCREQxMZATEVUcAzkRUcUxkBMRVRwDORFRxTGQExFVHAM5EVHF/X8z3Q7JbD2ltQAAAABJRU5ErkJggg==\n",
"text/plain": [
"<Figure size 432x288 with 1 Axes>"
]
},
"metadata": {
"needs_background": "light"
},
"output_type": "display_data"
}
],
"source": [
"plt.clf()\n",
"plt.scatter(rfr_pred, test_sol)"
]
},
{
"cell_type": "code",
"execution_count": 28,
"metadata": {},
"outputs": [],
"source": [
"import copy\n",
"from rdkit.Chem import rdDepictor\n",
"from rdkit.Chem.Draw import rdMolDraw2D\n",
"from IPython.display import SVG\n",
"from IPython.display import display\n",
"import matplotlib\n",
"import matplotlib.cm as cm\n"
]
},
{
"cell_type": "code",
"execution_count": 29,
"metadata": {},
"outputs": [],
"source": [
"def drawmol(idx, dataset, timestep):\n",
" smiles, graph, _ = dataset[idx]\n",
" print(smiles)\n",
" bg = dgl.batch([graph])\n",
" atom_feats, bond_feats = bg.ndata['hv'], bg.edata['he']\n",
" if torch.cuda.is_available():\n",
" print('use cuda')\n",
" bg.to(torch.device('cuda:0'))\n",
" atom_feats = atom_feats.to('cuda:0')\n",
" bond_feats = bond_feats.to('cuda:0')\n",
" \n",
" _, atom_weights = model(bg, atom_feats, bond_feats, get_node_weight=True)\n",
" assert timestep < len(atom_weights), 'Unexpected id for the readout round'\n",
" atom_weights = atom_weights[timestep]\n",
" min_value = torch.min(atom_weights)\n",
" max_value = torch.max(atom_weights)\n",
" atom_weights = (atom_weights - min_value) / (max_value - min_value)\n",
" \n",
" norm = matplotlib.colors.Normalize(vmin=0, vmax=1.28)\n",
" cmap = cm.get_cmap('bwr')\n",
" plt_colors = cm.ScalarMappable(norm=norm, cmap=cmap)\n",
" atom_colors = {i: plt_colors.to_rgba(atom_weights[i].data.item()) for i in range(bg.number_of_nodes())}\n",
"\n",
" mol = Chem.MolFromSmiles(smiles)\n",
" rdDepictor.Compute2DCoords(mol)\n",
" drawer = rdMolDraw2D.MolDraw2DSVG(280, 280)\n",
" drawer.SetFontSize(1)\n",
" op = drawer.drawOptions()\n",
" \n",
" mol = rdMolDraw2D.PrepareMolForDrawing(mol)\n",
" drawer.DrawMolecule(mol, highlightAtoms=range(bg.number_of_nodes()),\n",
" highlightBonds=[],\n",
" highlightAtomColors=atom_colors)\n",
" drawer.FinishDrawing()\n",
" svg = drawer.GetDrawingText()\n",
" svg = svg.replace('svg:', '')\n",
" if torch.cuda.is_available():\n",
" atom_weights = atom_weights.to('cpu')\n",
" return (Chem.MolFromSmiles(smiles), atom_weights.data.numpy(), svg)"
]
},
{
"cell_type": "code",
"execution_count": 30,
"metadata": {},
"outputs": [],
"source": [
"target = test_loader.dataset\n"
]
},
{
"cell_type": "code",
"execution_count": 31,
"metadata": {},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCC(C)CC\n",
"use cuda\n"
]
}
],
"source": [
"res = drawmol(0, target, 0)"
]
},
{
"cell_type": "code",
"execution_count": 32,
"metadata": {},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCC(C)CC\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"248.062\" cy=\"77.6105\" rx=\"19.211\" ry=\"19.211\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"212.041\" cy=\"140\" rx=\"19.211\" ry=\"19.211\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"140\" rx=\"19.211\" ry=\"19.211\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"103.979\" cy=\"202.389\" rx=\"19.211\" ry=\"19.211\" style=\"fill:#1E1EFF;fill-rule:evenodd;stroke:#1E1EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"103.979\" cy=\"77.6105\" rx=\"19.211\" ry=\"19.211\" style=\"fill:#1E1EFF;fill-rule:evenodd;stroke:#1E1EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"31.9383\" cy=\"77.6105\" rx=\"19.211\" ry=\"19.211\" style=\"fill:#1E1EFF;fill-rule:evenodd;stroke:#1E1EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 248.062,77.6105 L 212.041,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 212.041,140 L 140,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 140,140 L 103.979,202.389\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 140,140 L 103.979,77.6105\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 103.979,77.6105 L 31.9383,77.6105\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CC(C)CC(C)C\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"29.7079\" cy=\"92.2421\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#FFF6F6;fill-rule:evenodd;stroke:#FFF6F6;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"84.8539\" cy=\"124.081\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#FFF6F6;fill-rule:evenodd;stroke:#FFF6F6;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"84.8539\" cy=\"187.758\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"92.2421\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"195.146\" cy=\"124.081\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#FFF6F6;fill-rule:evenodd;stroke:#FFF6F6;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"250.292\" cy=\"92.2421\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#FFF6F6;fill-rule:evenodd;stroke:#FFF6F6;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"195.146\" cy=\"187.758\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 29.7079,92.2421 L 84.8539,124.081\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 84.8539,124.081 L 84.8539,187.758\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 84.8539,124.081 L 140,92.2421\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 140,92.2421 L 195.146,124.081\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 195.146,124.081 L 250.292,92.2421\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 195.146,124.081 L 195.146,187.758\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"C=CCCC\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"29.7079\" cy=\"155.919\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#D4D4FF;fill-rule:evenodd;stroke:#D4D4FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"84.8539\" cy=\"124.081\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#2424FF;fill-rule:evenodd;stroke:#2424FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"155.919\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"195.146\" cy=\"124.081\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#F0F0FF;fill-rule:evenodd;stroke:#F0F0FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"250.292\" cy=\"155.919\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 32.8917,161.434 L 88.0378,129.595\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 26.524,150.405 L 81.6701,118.566\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 84.8539,124.081 L 140,155.919\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 140,155.919 L 195.146,124.081\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 195.146,124.081 L 250.292,155.919\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"C1=CCCCC1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"240.478\" cy=\"140\" rx=\"26.7943\" ry=\"26.7943\" style=\"fill:#AAAAFF;fill-rule:evenodd;stroke:#AAAAFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"190.239\" cy=\"227.017\" rx=\"26.7943\" ry=\"26.7943\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"89.7608\" cy=\"227.017\" rx=\"26.7943\" ry=\"26.7943\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"39.5215\" cy=\"140\" rx=\"26.7943\" ry=\"26.7943\" style=\"fill:#AAAAFF;fill-rule:evenodd;stroke:#AAAAFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"89.7608\" cy=\"52.9831\" rx=\"26.7943\" ry=\"26.7943\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"190.239\" cy=\"52.9831\" rx=\"26.7943\" ry=\"26.7943\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 240.478,140 L 190.239,227.017\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 215.539,143.005 L 180.372,203.917\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 240.478,140 L 190.239,52.9831\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 190.239,227.017 L 89.7608,227.017\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 89.7608,227.017 L 39.5215,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 39.5215,140 L 89.7608,52.9831\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 89.7608,52.9831 L 190.239,52.9831\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"C=CCC=C\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"29.7079\" cy=\"155.919\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#8484FF;fill-rule:evenodd;stroke:#8484FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"84.8539\" cy=\"124.081\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"155.919\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#8484FF;fill-rule:evenodd;stroke:#8484FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"195.146\" cy=\"124.081\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"250.292\" cy=\"155.919\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 32.8917,161.434 L 88.0378,129.595\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 26.524,150.405 L 81.6701,118.566\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 84.8539,124.081 L 140,155.919\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 140,155.919 L 195.146,124.081\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 191.962,129.595 L 247.108,161.434\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 198.33,118.566 L 253.476,150.405\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"C1=CC=CCC=C1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"240.28\" cy=\"140\" rx=\"24.4141\" ry=\"24.4141\" style=\"fill:#4848FF;fill-rule:evenodd;stroke:#4848FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"200.556\" cy=\"57.5138\" rx=\"24.4141\" ry=\"24.4141\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"111.299\" cy=\"37.1414\" rx=\"24.4141\" ry=\"24.4141\" style=\"fill:#FFE8E8;fill-rule:evenodd;stroke:#FFE8E8;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"39.7202\" cy=\"94.2236\" rx=\"24.4141\" ry=\"24.4141\" style=\"fill:#4848FF;fill-rule:evenodd;stroke:#4848FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"39.7202\" cy=\"185.776\" rx=\"24.4141\" ry=\"24.4141\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"111.299\" cy=\"242.859\" rx=\"24.4141\" ry=\"24.4141\" style=\"fill:#FFE8E8;fill-rule:evenodd;stroke:#FFE8E8;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"200.556\" cy=\"222.486\" rx=\"24.4141\" ry=\"24.4141\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 240.28,140 L 200.556,57.5138\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 217.824,135.572 L 190.018,77.8314\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 240.28,140 L 200.556,222.486\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 200.556,57.5138 L 111.299,37.1414\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 111.299,37.1414 L 39.7202,94.2236\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 111.979,60.0195 L 61.8735,99.977\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 39.7202,94.2236 L 39.7202,185.776\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 39.7202,185.776 L 111.299,242.859\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 111.299,242.859 L 200.556,222.486\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 120.613,221.951 L 183.093,207.691\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"C#CCCCCCC\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"257.012\" cy=\"156.852\" rx=\"10.2603\" ry=\"10.2603\" style=\"fill:#FFB4B4;fill-rule:evenodd;stroke:#FFB4B4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"222.423\" cy=\"140\" rx=\"10.2603\" ry=\"10.2603\" style=\"fill:#FF8686;fill-rule:evenodd;stroke:#FF8686;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"187.834\" cy=\"123.148\" rx=\"10.2603\" ry=\"10.2603\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"155.945\" cy=\"144.677\" rx=\"10.2603\" ry=\"10.2603\" style=\"fill:#4242FF;fill-rule:evenodd;stroke:#4242FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"121.355\" cy=\"127.824\" rx=\"10.2603\" ry=\"10.2603\" style=\"fill:#3232FF;fill-rule:evenodd;stroke:#3232FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"89.4661\" cy=\"149.353\" rx=\"10.2603\" ry=\"10.2603\" style=\"fill:#E6E6FF;fill-rule:evenodd;stroke:#E6E6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"54.8769\" cy=\"132.501\" rx=\"10.2603\" ry=\"10.2603\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"22.9876\" cy=\"154.03\" rx=\"10.2603\" ry=\"10.2603\" style=\"fill:#FF7070;fill-rule:evenodd;stroke:#FF7070;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 257.012,156.852 L 222.423,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 260.383,149.935 L 230.982,135.61\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 253.642,163.77 L 224.241,149.446\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 222.423,140 L 187.834,123.148\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 187.834,123.148 L 155.945,144.677\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 155.945,144.677 L 121.355,127.824\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 121.355,127.824 L 89.4661,149.353\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 89.4661,149.353 L 54.8769,132.501\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 54.8769,132.501 L 22.9876,154.03\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCc1ccccc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"29.1306\" cy=\"121.862\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#2828FF;fill-rule:evenodd;stroke:#2828FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"70.852\" cy=\"167.063\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#0E0EFF;fill-rule:evenodd;stroke:#0E0EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"130.858\" cy=\"153.531\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"149.142\" cy=\"94.7991\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"209.148\" cy=\"81.2678\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"250.869\" cy=\"126.469\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"232.585\" cy=\"185.201\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#D2D2FF;fill-rule:evenodd;stroke:#D2D2FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"172.579\" cy=\"198.732\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#2828FF;fill-rule:evenodd;stroke:#2828FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 29.1306,121.862 L 70.852,167.063\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 70.852,167.063 L 130.858,153.531\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 130.858,153.531 L 149.142,94.7991\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 145.347,148.378 L 158.146,107.266\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 130.858,153.531 L 172.579,198.732\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 149.142,94.7991 L 209.148,81.2678\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 209.148,81.2678 L 250.869,126.469\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 206.366,96.3922 L 235.571,128.033\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 250.869,126.469 L 232.585,185.201\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 232.585,185.201 L 172.579,198.732\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 220.878,175.229 L 178.874,184.701\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Cc1cc(C)cc(C)c1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"235.516\" cy=\"140\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"171.839\" cy=\"140\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"195.146\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"76.3228\" cy=\"195.146\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"44.4842\" cy=\"250.292\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"44.4842\" cy=\"140\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"76.3228\" cy=\"84.8539\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#E6E6FF;fill-rule:evenodd;stroke:#E6E6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"44.4842\" cy=\"29.7079\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#E6E6FF;fill-rule:evenodd;stroke:#E6E6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"84.8539\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#E6E6FF;fill-rule:evenodd;stroke:#E6E6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 235.516,140 L 171.839,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 171.839,140 L 140,195.146\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 156.034,141.904 L 133.747,180.506\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 171.839,140 L 140,84.8539\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 140,195.146 L 76.3228,195.146\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 76.3228,195.146 L 44.4842,250.292\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 76.3228,195.146 L 44.4842,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 82.5762,180.506 L 60.2892,141.904\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 44.4842,140 L 76.3228,84.8539\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 76.3228,84.8539 L 44.4842,29.7079\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 76.3228,84.8539 L 140,84.8539\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 85.8744,97.5894 L 130.448,97.5894\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"c1ccc2c(c1)CCC2\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"30.5703\" cy=\"173.456\" rx=\"17.843\" ry=\"17.843\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"30.5703\" cy=\"106.544\" rx=\"17.843\" ry=\"17.843\" style=\"fill:#CECEFF;fill-rule:evenodd;stroke:#CECEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"88.5171\" cy=\"73.0888\" rx=\"17.843\" ry=\"17.843\" style=\"fill:#CECEFF;fill-rule:evenodd;stroke:#CECEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"146.464\" cy=\"106.544\" rx=\"17.843\" ry=\"17.843\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"146.464\" cy=\"173.456\" rx=\"17.843\" ry=\"17.843\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"88.5171\" cy=\"206.911\" rx=\"17.843\" ry=\"17.843\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"210.1\" cy=\"194.132\" rx=\"17.843\" ry=\"17.843\" style=\"fill:#6E6EFF;fill-rule:evenodd;stroke:#6E6EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"249.43\" cy=\"140\" rx=\"17.843\" ry=\"17.843\" style=\"fill:#6E6EFF;fill-rule:evenodd;stroke:#6E6EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"210.1\" cy=\"85.8677\" rx=\"17.843\" ry=\"17.843\" style=\"fill:#FFF2F2;fill-rule:evenodd;stroke:#FFF2F2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 30.5703,173.456 L 30.5703,106.544\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 43.9525,163.419 L 43.9525,116.581\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 30.5703,173.456 L 88.5171,206.911\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 30.5703,106.544 L 88.5171,73.0888\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 88.5171,73.0888 L 146.464,106.544\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 90.518,89.6965 L 131.081,113.115\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 146.464,106.544 L 146.464,173.456\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 146.464,106.544 L 210.1,85.8677\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 146.464,173.456 L 88.5171,206.911\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 131.081,166.885 L 90.518,190.304\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 146.464,173.456 L 210.1,194.132\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 210.1,194.132 L 249.43,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 249.43,140 L 210.1,85.8677\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CC(C)Cc1ccccc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"26.1185\" cy=\"156.437\" rx=\"13.3912\" ry=\"13.3912\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"73.5691\" cy=\"140\" rx=\"13.3912\" ry=\"13.3912\" style=\"fill:#0A0AFF;fill-rule:evenodd;stroke:#0A0AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"83.0592\" cy=\"90.6879\" rx=\"13.3912\" ry=\"13.3912\" style=\"fill:#1616FF;fill-rule:evenodd;stroke:#1616FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"111.53\" cy=\"172.875\" rx=\"13.3912\" ry=\"13.3912\" style=\"fill:#2A2AFF;fill-rule:evenodd;stroke:#2A2AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"158.98\" cy=\"156.437\" rx=\"13.3912\" ry=\"13.3912\" style=\"fill:#FFF8F8;fill-rule:evenodd;stroke:#FFF8F8;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"168.47\" cy=\"107.125\" rx=\"13.3912\" ry=\"13.3912\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"215.921\" cy=\"90.6879\" rx=\"13.3912\" ry=\"13.3912\" style=\"fill:#FFF4F4;fill-rule:evenodd;stroke:#FFF4F4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"253.882\" cy=\"123.563\" rx=\"13.3912\" ry=\"13.3912\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"244.391\" cy=\"172.875\" rx=\"13.3912\" ry=\"13.3912\" style=\"fill:#2A2AFF;fill-rule:evenodd;stroke:#2A2AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"196.941\" cy=\"189.312\" rx=\"13.3912\" ry=\"13.3912\" style=\"fill:#0A0AFF;fill-rule:evenodd;stroke:#0A0AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 26.1185,156.437 L 73.5691,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 73.5691,140 L 83.0592,90.6879\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 73.5691,140 L 111.53,172.875\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 111.53,172.875 L 158.98,156.437\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 158.98,156.437 L 168.47,107.125\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 170.266,150.939 L 176.909,116.42\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 158.98,156.437 L 196.941,189.312\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 168.47,107.125 L 215.921,90.6879\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 215.921,90.6879 L 253.882,123.563\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 215.04,103.211 L 241.612,126.224\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 253.882,123.563 L 244.391,172.875\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 244.391,172.875 L 196.941,189.312\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 233.986,165.85 L 200.771,177.356\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCCCCc1ccccc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"21.7378\" cy=\"128.221\" rx=\"9.01052\" ry=\"9.01052\" style=\"fill:#3E3EFF;fill-rule:evenodd;stroke:#3E3EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"48.3641\" cy=\"149.024\" rx=\"9.01052\" ry=\"9.01052\" style=\"fill:#2E2EFF;fill-rule:evenodd;stroke:#2E2EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"79.6932\" cy=\"136.366\" rx=\"9.01052\" ry=\"9.01052\" style=\"fill:#2626FF;fill-rule:evenodd;stroke:#2626FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"106.319\" cy=\"157.169\" rx=\"9.01052\" ry=\"9.01052\" style=\"fill:#2626FF;fill-rule:evenodd;stroke:#2626FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"137.649\" cy=\"144.512\" rx=\"9.01052\" ry=\"9.01052\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"164.275\" cy=\"165.315\" rx=\"9.01052\" ry=\"9.01052\" style=\"fill:#FF7070;fill-rule:evenodd;stroke:#FF7070;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"195.604\" cy=\"152.657\" rx=\"9.01052\" ry=\"9.01052\" style=\"fill:#FFCACA;fill-rule:evenodd;stroke:#FFCACA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"200.307\" cy=\"119.197\" rx=\"9.01052\" ry=\"9.01052\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"231.636\" cy=\"106.539\" rx=\"9.01052\" ry=\"9.01052\" style=\"fill:#FF8E8E;fill-rule:evenodd;stroke:#FF8E8E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"258.262\" cy=\"127.343\" rx=\"9.01052\" ry=\"9.01052\" style=\"fill:#C8C8FF;fill-rule:evenodd;stroke:#C8C8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"253.559\" cy=\"160.803\" rx=\"9.01052\" ry=\"9.01052\" style=\"fill:#7E7EFF;fill-rule:evenodd;stroke:#7E7EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"222.23\" cy=\"173.461\" rx=\"9.01052\" ry=\"9.01052\" style=\"fill:#3E3EFF;fill-rule:evenodd;stroke:#3E3EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 21.7378,128.221 L 48.3641,149.024\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 48.3641,149.024 L 79.6932,136.366\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 79.6932,136.366 L 106.319,157.169\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 106.319,157.169 L 137.649,144.512\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 137.649,144.512 L 164.275,165.315\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 164.275,165.315 L 195.604,152.657\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 195.604,152.657 L 200.307,119.197\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 203.002,148.579 L 206.294,125.157\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 195.604,152.657 L 222.23,173.461\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 200.307,119.197 L 231.636,106.539\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 231.636,106.539 L 258.262,127.343\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 231.469,114.985 L 250.108,129.547\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 258.262,127.343 L 253.559,160.803\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 253.559,160.803 L 222.23,173.461\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 246.328,156.436 L 224.398,165.296\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"c1ccc(CCc2ccccc2)cc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"22.3169\" cy=\"147.259\" rx=\"9.58966\" ry=\"9.58966\" style=\"fill:#7474FF;fill-rule:evenodd;stroke:#7474FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"33.9543\" cy=\"113.233\" rx=\"9.58966\" ry=\"9.58966\" style=\"fill:#FFD0D0;fill-rule:evenodd;stroke:#FFD0D0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"69.2405\" cy=\"106.298\" rx=\"9.58966\" ry=\"9.58966\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"92.8894\" cy=\"133.389\" rx=\"9.58966\" ry=\"9.58966\" style=\"fill:#F8F8FF;fill-rule:evenodd;stroke:#F8F8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"128.176\" cy=\"126.454\" rx=\"9.58966\" ry=\"9.58966\" style=\"fill:#7474FF;fill-rule:evenodd;stroke:#7474FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"151.824\" cy=\"153.546\" rx=\"9.58966\" ry=\"9.58966\" style=\"fill:#F8F8FF;fill-rule:evenodd;stroke:#F8F8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"187.111\" cy=\"146.611\" rx=\"9.58966\" ry=\"9.58966\" style=\"fill:#F8F8FF;fill-rule:evenodd;stroke:#F8F8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"210.759\" cy=\"173.702\" rx=\"9.58966\" ry=\"9.58966\" style=\"fill:#FFD0D0;fill-rule:evenodd;stroke:#FFD0D0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"246.046\" cy=\"166.767\" rx=\"9.58966\" ry=\"9.58966\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"257.683\" cy=\"132.741\" rx=\"9.58966\" ry=\"9.58966\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"234.034\" cy=\"105.65\" rx=\"9.58966\" ry=\"9.58966\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"198.748\" cy=\"112.585\" rx=\"9.58966\" ry=\"9.58966\" style=\"fill:#F8F8FF;fill-rule:evenodd;stroke:#F8F8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"81.252\" cy=\"167.415\" rx=\"9.58966\" ry=\"9.58966\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"45.9658\" cy=\"174.35\" rx=\"9.58966\" ry=\"9.58966\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 22.3169,147.259 L 33.9543,113.233\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 30.8678,144.482 L 39.0139,120.664\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 22.3169,147.259 L 45.9658,174.35\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 33.9543,113.233 L 69.2405,106.298\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 69.2405,106.298 L 92.8894,133.389\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 67.3696,115.091 L 83.9238,134.055\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 92.8894,133.389 L 128.176,126.454\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 92.8894,133.389 L 81.252,167.415\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 128.176,126.454 L 151.824,153.546\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 151.824,153.546 L 187.111,146.611\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 187.111,146.611 L 210.759,173.702\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 196.076,145.945 L 212.63,164.909\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 187.111,146.611 L 198.748,112.585\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 210.759,173.702 L 246.046,166.767\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 246.046,166.767 L 257.683,132.741\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 240.986,159.336 L 249.132,135.518\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 257.683,132.741 L 234.034,105.65\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 234.034,105.65 L 198.748,112.585\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 230.128,113.747 L 205.428,118.602\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 81.252,167.415 L 45.9658,174.35\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 74.5721,161.398 L 49.8717,166.253\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCc1cccc2ccccc12\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"26.0828\" cy=\"84.6239\" rx=\"13.3555\" ry=\"13.3555\" style=\"fill:#5454FF;fill-rule:evenodd;stroke:#5454FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"76.0459\" cy=\"81.1592\" rx=\"13.3555\" ry=\"13.3555\" style=\"fill:#5454FF;fill-rule:evenodd;stroke:#5454FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"104.028\" cy=\"122.696\" rx=\"13.3555\" ry=\"13.3555\" style=\"fill:#1212FF;fill-rule:evenodd;stroke:#1212FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"82.0469\" cy=\"167.698\" rx=\"13.3555\" ry=\"13.3555\" style=\"fill:#E8E8FF;fill-rule:evenodd;stroke:#E8E8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"110.029\" cy=\"209.235\" rx=\"13.3555\" ry=\"13.3555\" style=\"fill:#1212FF;fill-rule:evenodd;stroke:#1212FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"159.992\" cy=\"205.77\" rx=\"13.3555\" ry=\"13.3555\" style=\"fill:#0606FF;fill-rule:evenodd;stroke:#0606FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"181.973\" cy=\"160.768\" rx=\"13.3555\" ry=\"13.3555\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"231.936\" cy=\"157.304\" rx=\"13.3555\" ry=\"13.3555\" style=\"fill:#6060FF;fill-rule:evenodd;stroke:#6060FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"253.917\" cy=\"112.302\" rx=\"13.3555\" ry=\"13.3555\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"225.935\" cy=\"70.7652\" rx=\"13.3555\" ry=\"13.3555\" style=\"fill:#2C2CFF;fill-rule:evenodd;stroke:#2C2CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"175.972\" cy=\"74.2299\" rx=\"13.3555\" ry=\"13.3555\" style=\"fill:#1E1EFF;fill-rule:evenodd;stroke:#1E1EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"153.991\" cy=\"119.232\" rx=\"13.3555\" ry=\"13.3555\" style=\"fill:#4646FF;fill-rule:evenodd;stroke:#4646FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 26.0828,84.6239 L 76.0459,81.1592\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 76.0459,81.1592 L 104.028,122.696\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 104.028,122.696 L 82.0469,167.698\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 109.731,133.843 L 94.3444,165.344\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 104.028,122.696 L 153.991,119.232\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 82.0469,167.698 L 110.029,209.235\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 110.029,209.235 L 159.992,205.77\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 116.83,198.723 L 151.805,196.297\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 159.992,205.77 L 181.973,160.768\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 181.973,160.768 L 231.936,157.304\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 188.775,150.256 L 223.749,147.831\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 181.973,160.768 L 153.991,119.232\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 231.936,157.304 L 253.917,112.302\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 253.917,112.302 L 225.935,70.7652\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 241.413,111.668 L 221.825,82.5921\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 225.935,70.7652 L 175.972,74.2299\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 175.972,74.2299 L 153.991,119.232\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 181.675,85.3763 L 166.289,116.877\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Cc1cc(C)c2ccccc2c1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"26.3181\" cy=\"77.531\" rx=\"13.5909\" ry=\"13.5909\" style=\"fill:#6C6CFF;fill-rule:evenodd;stroke:#6C6CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"72.836\" cy=\"98.354\" rx=\"13.5909\" ry=\"13.5909\" style=\"fill:#FFE4E4;fill-rule:evenodd;stroke:#FFE4E4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"78.0617\" cy=\"149.051\" rx=\"13.5909\" ry=\"13.5909\" style=\"fill:#FF9A9A;fill-rule:evenodd;stroke:#FF9A9A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"124.58\" cy=\"169.874\" rx=\"13.5909\" ry=\"13.5909\" style=\"fill:#9696FF;fill-rule:evenodd;stroke:#9696FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"129.805\" cy=\"220.571\" rx=\"13.5909\" ry=\"13.5909\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"165.872\" cy=\"140\" rx=\"13.5909\" ry=\"13.5909\" style=\"fill:#FFF8F8;fill-rule:evenodd;stroke:#FFF8F8;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"212.39\" cy=\"160.823\" rx=\"13.5909\" ry=\"13.5909\" style=\"fill:#E4E4FF;fill-rule:evenodd;stroke:#E4E4FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"253.682\" cy=\"130.949\" rx=\"13.5909\" ry=\"13.5909\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"248.456\" cy=\"80.2517\" rx=\"13.5909\" ry=\"13.5909\" style=\"fill:#9696FF;fill-rule:evenodd;stroke:#9696FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"201.938\" cy=\"59.4287\" rx=\"13.5909\" ry=\"13.5909\" style=\"fill:#9898FF;fill-rule:evenodd;stroke:#9898FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"160.646\" cy=\"89.3028\" rx=\"13.5909\" ry=\"13.5909\" style=\"fill:#9C9CFF;fill-rule:evenodd;stroke:#9C9CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"114.128\" cy=\"68.4798\" rx=\"13.5909\" ry=\"13.5909\" style=\"fill:#0A0AFF;fill-rule:evenodd;stroke:#0A0AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 26.3181,77.531 L 72.836,98.354\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 72.836,98.354 L 78.0617,149.051\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 83.7593,104.913 L 87.4173,140.401\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 72.836,98.354 L 114.128,68.4798\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 78.0617,149.051 L 124.58,169.874\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 124.58,169.874 L 129.805,220.571\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 124.58,169.874 L 165.872,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 124.799,157.135 L 153.703,136.223\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 165.872,140 L 212.39,160.823\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 165.872,140 L 160.646,89.3028\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 212.39,160.823 L 253.682,130.949\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 212.609,148.083 L 241.513,127.172\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 253.682,130.949 L 248.456,80.2517\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 248.456,80.2517 L 201.938,59.4287\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 237.314,86.4318 L 204.751,71.8557\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 201.938,59.4287 L 160.646,89.3028\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 160.646,89.3028 L 114.128,68.4798\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 149.504,95.483 L 116.941,80.9069\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"c1ccc2cc3ccccc3cc2c1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"24.5745\" cy=\"162.214\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#4848FF;fill-rule:evenodd;stroke:#4848FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"24.5745\" cy=\"117.786\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#D8D8FF;fill-rule:evenodd;stroke:#D8D8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"63.0497\" cy=\"95.5727\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"101.525\" cy=\"117.786\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"95.5727\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"178.475\" cy=\"117.786\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#4848FF;fill-rule:evenodd;stroke:#4848FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"216.95\" cy=\"95.5727\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"255.425\" cy=\"117.786\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#D8D8FF;fill-rule:evenodd;stroke:#D8D8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"255.425\" cy=\"162.214\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"216.95\" cy=\"184.427\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#D8D8FF;fill-rule:evenodd;stroke:#D8D8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"178.475\" cy=\"162.214\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#4848FF;fill-rule:evenodd;stroke:#4848FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"184.427\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"101.525\" cy=\"162.214\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#4848FF;fill-rule:evenodd;stroke:#4848FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"63.0497\" cy=\"184.427\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#D8D8FF;fill-rule:evenodd;stroke:#D8D8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 24.5745,162.214 L 24.5745,117.786\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 33.46,155.55 L 33.46,124.45\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 24.5745,162.214 L 63.0497,184.427\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 24.5745,117.786 L 63.0497,95.5727\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 63.0497,95.5727 L 101.525,117.786\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 64.3782,106.6 L 91.3108,122.149\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 101.525,117.786 L 140,95.5727\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 101.525,117.786 L 101.525,162.214\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 140,95.5727 L 178.475,117.786\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 141.329,106.6 L 168.261,122.149\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 178.475,117.786 L 216.95,95.5727\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 178.475,117.786 L 178.475,162.214\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 216.95,95.5727 L 255.425,117.786\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 218.279,106.6 L 245.211,122.149\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 255.425,117.786 L 255.425,162.214\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 255.425,162.214 L 216.95,184.427\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 245.211,157.851 L 218.279,173.4\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 216.95,184.427 L 178.475,162.214\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 178.475,162.214 L 140,184.427\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 168.261,157.851 L 141.329,173.4\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 140,184.427 L 101.525,162.214\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 101.525,162.214 L 63.0497,184.427\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 91.3108,157.851 L 64.3782,173.4\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Cc1c2ccccc2c(C)c2ccccc12\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"140\" cy=\"228.855\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#DEDEFF;fill-rule:evenodd;stroke:#DEDEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"184.427\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#B8B8FF;fill-rule:evenodd;stroke:#B8B8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"178.475\" cy=\"162.214\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#6666FF;fill-rule:evenodd;stroke:#6666FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"216.95\" cy=\"184.427\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"255.425\" cy=\"162.214\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#B8B8FF;fill-rule:evenodd;stroke:#B8B8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"255.425\" cy=\"117.786\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#6666FF;fill-rule:evenodd;stroke:#6666FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"216.95\" cy=\"95.5727\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"178.475\" cy=\"117.786\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"95.5727\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"51.1454\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"101.525\" cy=\"117.786\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#B8B8FF;fill-rule:evenodd;stroke:#B8B8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"63.0497\" cy=\"95.5727\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#DEDEFF;fill-rule:evenodd;stroke:#DEDEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"24.5745\" cy=\"117.786\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#6666FF;fill-rule:evenodd;stroke:#6666FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"24.5745\" cy=\"162.214\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"63.0497\" cy=\"184.427\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#B8B8FF;fill-rule:evenodd;stroke:#B8B8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"101.525\" cy=\"162.214\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#6666FF;fill-rule:evenodd;stroke:#6666FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 140,228.855 L 140,184.427\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 140,184.427 L 178.475,162.214\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 141.329,173.4 L 168.261,157.851\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 140,184.427 L 101.525,162.214\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 178.475,162.214 L 216.95,184.427\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 178.475,162.214 L 178.475,117.786\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 216.95,184.427 L 255.425,162.214\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 218.279,173.4 L 245.211,157.851\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 255.425,162.214 L 255.425,117.786\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 255.425,117.786 L 216.95,95.5727\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 245.211,122.149 L 218.279,106.6\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 216.95,95.5727 L 178.475,117.786\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 178.475,117.786 L 140,95.5727\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 168.261,122.149 L 141.329,106.6\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 140,95.5727 L 140,51.1454\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 140,95.5727 L 101.525,117.786\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 101.525,117.786 L 63.0497,95.5727\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 91.3108,122.149 L 64.3782,106.6\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 101.525,117.786 L 101.525,162.214\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 63.0497,95.5727 L 24.5745,117.786\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 24.5745,117.786 L 24.5745,162.214\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 33.46,124.45 L 33.46,155.55\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 24.5745,162.214 L 63.0497,184.427\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 63.0497,184.427 L 101.525,162.214\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 64.3782,173.4 L 91.3108,157.851\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"c1ccc2cc3cc4ccccc4cc3cc2c1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"21.8244\" cy=\"157.057\" rx=\"9.09716\" ry=\"9.09716\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"21.8244\" cy=\"122.943\" rx=\"9.09716\" ry=\"9.09716\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"51.3683\" cy=\"105.886\" rx=\"9.09716\" ry=\"9.09716\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"80.9122\" cy=\"122.943\" rx=\"9.09716\" ry=\"9.09716\" style=\"fill:#5050FF;fill-rule:evenodd;stroke:#5050FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"110.456\" cy=\"105.886\" rx=\"9.09716\" ry=\"9.09716\" style=\"fill:#DEDEFF;fill-rule:evenodd;stroke:#DEDEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"122.943\" rx=\"9.09716\" ry=\"9.09716\" style=\"fill:#0A0AFF;fill-rule:evenodd;stroke:#0A0AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"169.544\" cy=\"105.886\" rx=\"9.09716\" ry=\"9.09716\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"199.088\" cy=\"122.943\" rx=\"9.09716\" ry=\"9.09716\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"228.632\" cy=\"105.886\" rx=\"9.09716\" ry=\"9.09716\" style=\"fill:#DEDEFF;fill-rule:evenodd;stroke:#DEDEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"258.176\" cy=\"122.943\" rx=\"9.09716\" ry=\"9.09716\" style=\"fill:#0A0AFF;fill-rule:evenodd;stroke:#0A0AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"258.176\" cy=\"157.057\" rx=\"9.09716\" ry=\"9.09716\" style=\"fill:#DEDEFF;fill-rule:evenodd;stroke:#DEDEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"228.632\" cy=\"174.114\" rx=\"9.09716\" ry=\"9.09716\" style=\"fill:#5050FF;fill-rule:evenodd;stroke:#5050FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"199.088\" cy=\"157.057\" rx=\"9.09716\" ry=\"9.09716\" style=\"fill:#5050FF;fill-rule:evenodd;stroke:#5050FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"169.544\" cy=\"174.114\" rx=\"9.09716\" ry=\"9.09716\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"157.057\" rx=\"9.09716\" ry=\"9.09716\" style=\"fill:#0A0AFF;fill-rule:evenodd;stroke:#0A0AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"110.456\" cy=\"174.114\" rx=\"9.09716\" ry=\"9.09716\" style=\"fill:#5050FF;fill-rule:evenodd;stroke:#5050FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"80.9122\" cy=\"157.057\" rx=\"9.09716\" ry=\"9.09716\" style=\"fill:#DEDEFF;fill-rule:evenodd;stroke:#DEDEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"51.3683\" cy=\"174.114\" rx=\"9.09716\" ry=\"9.09716\" style=\"fill:#0A0AFF;fill-rule:evenodd;stroke:#0A0AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 21.8244,157.057 L 21.8244,122.943\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 28.6473,151.94 L 28.6473,128.06\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 21.8244,157.057 L 51.3683,174.114\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 21.8244,122.943 L 51.3683,105.886\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 51.3683,105.886 L 80.9122,122.943\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 52.3885,114.353 L 73.0692,126.293\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 80.9122,122.943 L 110.456,105.886\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-18\" d=\"M 80.9122,122.943 L 80.9122,157.057\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 110.456,105.886 L 140,122.943\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 111.476,114.353 L 132.157,126.293\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 140,122.943 L 169.544,105.886\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-19\" d=\"M 140,122.943 L 140,157.057\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 169.544,105.886 L 199.088,122.943\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 170.564,114.353 L 191.245,126.293\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 199.088,122.943 L 228.632,105.886\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-20\" d=\"M 199.088,122.943 L 199.088,157.057\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 228.632,105.886 L 258.176,122.943\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 229.652,114.353 L 250.333,126.293\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 258.176,122.943 L 258.176,157.057\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 258.176,157.057 L 228.632,174.114\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 250.333,153.707 L 229.652,165.647\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 228.632,174.114 L 199.088,157.057\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 199.088,157.057 L 169.544,174.114\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 191.245,153.707 L 170.564,165.647\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 169.544,174.114 L 140,157.057\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 140,157.057 L 110.456,174.114\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 132.157,153.707 L 111.476,165.647\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 110.456,174.114 L 80.9122,157.057\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 80.9122,157.057 L 51.3683,174.114\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 73.0692,153.707 L 52.3885,165.647\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"c1ccc2c(c1)ccc1c3ccccc3ccc21\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"22.3005\" cy=\"141.164\" rx=\"9.57327\" ry=\"9.57327\" style=\"fill:#FFA0A0;fill-rule:evenodd;stroke:#FFA0A0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"35.6584\" cy=\"107.842\" rx=\"9.57327\" ry=\"9.57327\" style=\"fill:#5050FF;fill-rule:evenodd;stroke:#5050FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"71.1951\" cy=\"102.749\" rx=\"9.57327\" ry=\"9.57327\" style=\"fill:#FFDADA;fill-rule:evenodd;stroke:#FFDADA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"93.3739\" cy=\"130.978\" rx=\"9.57327\" ry=\"9.57327\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"80.016\" cy=\"164.3\" rx=\"9.57327\" ry=\"9.57327\" style=\"fill:#D6D6FF;fill-rule:evenodd;stroke:#D6D6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"44.4793\" cy=\"169.393\" rx=\"9.57327\" ry=\"9.57327\" style=\"fill:#FFA0A0;fill-rule:evenodd;stroke:#FFA0A0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"102.195\" cy=\"192.529\" rx=\"9.57327\" ry=\"9.57327\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"137.732\" cy=\"187.437\" rx=\"9.57327\" ry=\"9.57327\" style=\"fill:#D6D6FF;fill-rule:evenodd;stroke:#D6D6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"151.089\" cy=\"154.115\" rx=\"9.57327\" ry=\"9.57327\" style=\"fill:#5050FF;fill-rule:evenodd;stroke:#5050FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"186.626\" cy=\"149.022\" rx=\"9.57327\" ry=\"9.57327\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"208.805\" cy=\"177.251\" rx=\"9.57327\" ry=\"9.57327\" style=\"fill:#5050FF;fill-rule:evenodd;stroke:#5050FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"244.342\" cy=\"172.158\" rx=\"9.57327\" ry=\"9.57327\" style=\"fill:#FFAAAA;fill-rule:evenodd;stroke:#FFAAAA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"257.699\" cy=\"138.836\" rx=\"9.57327\" ry=\"9.57327\" style=\"fill:#FFDADA;fill-rule:evenodd;stroke:#FFDADA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"235.521\" cy=\"110.607\" rx=\"9.57327\" ry=\"9.57327\" style=\"fill:#BABAFF;fill-rule:evenodd;stroke:#BABAFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"199.984\" cy=\"115.7\" rx=\"9.57327\" ry=\"9.57327\" style=\"fill:#5050FF;fill-rule:evenodd;stroke:#5050FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"177.805\" cy=\"87.4705\" rx=\"9.57327\" ry=\"9.57327\" style=\"fill:#BABAFF;fill-rule:evenodd;stroke:#BABAFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"142.268\" cy=\"92.5633\" rx=\"9.57327\" ry=\"9.57327\" style=\"fill:#FFAAAA;fill-rule:evenodd;stroke:#FFAAAA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"128.911\" cy=\"125.885\" rx=\"9.57327\" ry=\"9.57327\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 22.3005,141.164 L 35.6584,107.842\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 30.9686,138.837 L 40.3192,115.511\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 22.3005,141.164 L 44.4793,169.393\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 35.6584,107.842 L 71.1951,102.749\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 71.1951,102.749 L 93.3739,130.978\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 68.8761,111.419 L 84.4012,131.179\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 93.3739,130.978 L 80.016,164.3\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-19\" d=\"M 93.3739,130.978 L 128.911,125.885\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 80.016,164.3 L 44.4793,169.393\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 73.667,157.957 L 48.7913,161.522\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 80.016,164.3 L 102.195,192.529\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 102.195,192.529 L 137.732,187.437\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 106.507,184.658 L 131.382,181.093\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 137.732,187.437 L 151.089,154.115\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 151.089,154.115 L 186.626,149.022\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 155.401,146.243 L 180.277,142.678\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-18\" d=\"M 151.089,154.115 L 128.911,125.885\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 186.626,149.022 L 208.805,177.251\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-20\" d=\"M 186.626,149.022 L 199.984,115.7\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 208.805,177.251 L 244.342,172.158\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 213.117,169.38 L 237.993,165.815\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 244.342,172.158 L 257.699,138.836\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 257.699,138.836 L 235.521,110.607\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 248.727,139.038 L 233.202,119.277\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 235.521,110.607 L 199.984,115.7\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 199.984,115.7 L 177.805,87.4705\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 191.011,115.901 L 175.486,96.1407\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 177.805,87.4705 L 142.268,92.5633\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 142.268,92.5633 L 128.911,125.885\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 146.929,100.233 L 137.579,123.559\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"c1ccc2c(c1)ccc1nccnc12\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"255.005\" cy=\"159.92\" rx=\"12.2673\" ry=\"12.2673\" style=\"fill:#FF9494;fill-rule:evenodd;stroke:#FF9494;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"232.004\" cy=\"199.759\" rx=\"12.2673\" ry=\"12.2673\" style=\"fill:#FF9494;fill-rule:evenodd;stroke:#FF9494;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"186.002\" cy=\"199.759\" rx=\"12.2673\" ry=\"12.2673\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"163.001\" cy=\"159.92\" rx=\"12.2673\" ry=\"12.2673\" style=\"fill:#6A6AFF;fill-rule:evenodd;stroke:#6A6AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"186.002\" cy=\"120.08\" rx=\"12.2673\" ry=\"12.2673\" style=\"fill:#A4A4FF;fill-rule:evenodd;stroke:#A4A4FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"232.004\" cy=\"120.08\" rx=\"12.2673\" ry=\"12.2673\" style=\"fill:#1E1EFF;fill-rule:evenodd;stroke:#1E1EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"163.001\" cy=\"80.2414\" rx=\"12.2673\" ry=\"12.2673\" style=\"fill:#3232FF;fill-rule:evenodd;stroke:#3232FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"116.999\" cy=\"80.2414\" rx=\"12.2673\" ry=\"12.2673\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"93.9978\" cy=\"120.08\" rx=\"12.2673\" ry=\"12.2673\" style=\"fill:#FF7474;fill-rule:evenodd;stroke:#FF7474;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"47.9956\" cy=\"120.08\" rx=\"12.2673\" ry=\"12.2673\" style=\"fill:#FF9C9C;fill-rule:evenodd;stroke:#FF9C9C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"24.9945\" cy=\"159.92\" rx=\"12.2673\" ry=\"12.2673\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"47.9956\" cy=\"199.759\" rx=\"12.2673\" ry=\"12.2673\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"93.9978\" cy=\"199.759\" rx=\"12.2673\" ry=\"12.2673\" style=\"fill:#BABAFF;fill-rule:evenodd;stroke:#BABAFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"116.999\" cy=\"159.92\" rx=\"12.2673\" ry=\"12.2673\" style=\"fill:#6A6AFF;fill-rule:evenodd;stroke:#6A6AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 255.005,159.92 L 232.004,199.759\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 243.587,161.295 L 227.487,189.183\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 255.005,159.92 L 232.004,120.08\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 232.004,199.759 L 186.002,199.759\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 186.002,199.759 L 163.001,159.92\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 190.52,189.183 L 174.419,161.295\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 163.001,159.92 L 186.002,120.08\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 163.001,159.92 L 116.999,159.92\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 186.002,120.08 L 232.004,120.08\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 192.903,129.281 L 225.104,129.281\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 186.002,120.08 L 163.001,80.2414\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 163.001,80.2414 L 116.999,80.2414\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 156.101,89.4418 L 123.899,89.4418\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 116.999,80.2414 L 93.9978,120.08\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 93.9978,120.08 L 77.6421,120.08\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 77.6421,120.08 L 61.2864,120.08\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 89.0911,129.281 L 77.6421,129.281\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 77.6421,129.281 L 66.1931,129.281\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 93.9978,120.08 L 116.999,159.92\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 39.1425,135.415 L 32.0685,147.667\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 32.0685,147.667 L 24.9945,159.92\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 24.9945,159.92 L 47.9956,199.759\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 36.4125,161.295 L 52.5133,189.183\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 47.9956,199.759 L 64.3513,199.759\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 64.3513,199.759 L 80.7071,199.759\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 102.851,184.425 L 109.925,172.172\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 109.925,172.172 L 116.999,159.92\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 97.0053,176.149 L 101.957,167.572\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 101.957,167.572 L 106.909,158.995\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"34.7049\" y=\"135.415\"><tspan>N</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"80.7071\" y=\"215.093\"><tspan>N</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Nc1cc2c3ccccc3ccc2c2ccccc12\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"83.718\" cy=\"206.473\" rx=\"9.58396\" ry=\"9.58396\" style=\"fill:#5858FF;fill-rule:evenodd;stroke:#5858FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"99.0672\" cy=\"173.975\" rx=\"9.58396\" ry=\"9.58396\" style=\"fill:#FF8282;fill-rule:evenodd;stroke:#FF8282;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"134.885\" cy=\"171.019\" rx=\"9.58396\" ry=\"9.58396\" style=\"fill:#FF7A7A;fill-rule:evenodd;stroke:#FF7A7A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"150.234\" cy=\"138.522\" rx=\"9.58396\" ry=\"9.58396\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"186.053\" cy=\"135.566\" rx=\"9.58396\" ry=\"9.58396\" style=\"fill:#FF9090;fill-rule:evenodd;stroke:#FF9090;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"206.521\" cy=\"165.108\" rx=\"9.58396\" ry=\"9.58396\" style=\"fill:#FF7474;fill-rule:evenodd;stroke:#FF7474;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"242.34\" cy=\"162.152\" rx=\"9.58396\" ry=\"9.58396\" style=\"fill:#FF8484;fill-rule:evenodd;stroke:#FF8484;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"257.689\" cy=\"129.654\" rx=\"9.58396\" ry=\"9.58396\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"237.22\" cy=\"100.113\" rx=\"9.58396\" ry=\"9.58396\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"201.402\" cy=\"103.069\" rx=\"9.58396\" ry=\"9.58396\" style=\"fill:#FF8282;fill-rule:evenodd;stroke:#FF8282;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"180.933\" cy=\"73.5274\" rx=\"9.58396\" ry=\"9.58396\" style=\"fill:#FF9090;fill-rule:evenodd;stroke:#FF9090;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"145.115\" cy=\"76.4833\" rx=\"9.58396\" ry=\"9.58396\" style=\"fill:#FF7676;fill-rule:evenodd;stroke:#FF7676;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"129.766\" cy=\"108.981\" rx=\"9.58396\" ry=\"9.58396\" style=\"fill:#5454FF;fill-rule:evenodd;stroke:#5454FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"93.9474\" cy=\"111.936\" rx=\"9.58396\" ry=\"9.58396\" style=\"fill:#FF9090;fill-rule:evenodd;stroke:#FF9090;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"73.4785\" cy=\"82.395\" rx=\"9.58396\" ry=\"9.58396\" style=\"fill:#FF9898;fill-rule:evenodd;stroke:#FF9898;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"37.6604\" cy=\"85.3509\" rx=\"9.58396\" ry=\"9.58396\" style=\"fill:#FF8484;fill-rule:evenodd;stroke:#FF8484;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"22.3112\" cy=\"117.848\" rx=\"9.58396\" ry=\"9.58396\" style=\"fill:#7E7EFF;fill-rule:evenodd;stroke:#7E7EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"42.7801\" cy=\"147.39\" rx=\"9.58396\" ry=\"9.58396\" style=\"fill:#FF9090;fill-rule:evenodd;stroke:#FF9090;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"78.5983\" cy=\"144.434\" rx=\"9.58396\" ry=\"9.58396\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 89.9422,193.295 L 94.5047,183.635\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 94.5047,183.635 L 99.0672,173.975\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 99.0672,173.975 L 134.885,171.019\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 103.849,166.368 L 128.921,164.299\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-18\" d=\"M 99.0672,173.975 L 78.5983,144.434\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 134.885,171.019 L 150.234,138.522\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 150.234,138.522 L 186.053,135.566\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 155.016,130.915 L 180.089,128.846\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-19\" d=\"M 150.234,138.522 L 129.766,108.981\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 186.053,135.566 L 206.521,165.108\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-21\" d=\"M 186.053,135.566 L 201.402,103.069\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 206.521,165.108 L 242.34,162.152\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 211.303,157.501 L 236.376,155.432\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 242.34,162.152 L 257.689,129.654\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 257.689,129.654 L 237.22,100.113\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 248.71,129.317 L 234.382,108.638\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 237.22,100.113 L 201.402,103.069\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 201.402,103.069 L 180.933,73.5274\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 192.423,102.731 L 178.095,82.0524\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 180.933,73.5274 L 145.115,76.4833\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 145.115,76.4833 L 129.766,108.981\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 149.312,84.4277 L 138.567,107.176\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 129.766,108.981 L 93.9474,111.936\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 93.9474,111.936 L 73.4785,82.395\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 84.9688,111.599 L 70.6406,90.92\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-20\" d=\"M 93.9474,111.936 L 78.5983,144.434\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 73.4785,82.395 L 37.6604,85.3509\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 37.6604,85.3509 L 22.3112,117.848\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 41.8575,93.2953 L 31.1131,116.043\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 22.3112,117.848 L 42.7801,147.39\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 42.7801,147.39 L 78.5983,144.434\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 47.5617,139.783 L 72.6344,137.714\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:23px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"58.9527\" y=\"219.651\"><tspan>NH</tspan><tspan style=\"baseline-shift:sub;font-size:17.25px;\">2</tspan><tspan/></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Cc1ccc2cc3c(ccc4ccccc43)c3c2c1CC3\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"21.1286\" cy=\"127.651\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#9E9EFF;fill-rule:evenodd;stroke:#9E9EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"52.2978\" cy=\"123.063\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#FFF0F0;fill-rule:evenodd;stroke:#FFF0F0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"63.9083\" cy=\"93.7748\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"95.0775\" cy=\"89.186\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#BABAFF;fill-rule:evenodd;stroke:#BABAFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"114.636\" cy=\"113.885\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#FCFCFF;fill-rule:evenodd;stroke:#FCFCFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"145.805\" cy=\"109.296\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#FFFCFC;fill-rule:evenodd;stroke:#FFFCFC;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"165.364\" cy=\"133.995\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#F8F8FF;fill-rule:evenodd;stroke:#F8F8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"153.753\" cy=\"163.283\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#BABAFF;fill-rule:evenodd;stroke:#BABAFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"173.312\" cy=\"187.981\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#9090FF;fill-rule:evenodd;stroke:#9090FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"204.481\" cy=\"183.393\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#BEBEFF;fill-rule:evenodd;stroke:#BEBEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"216.092\" cy=\"154.105\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"247.261\" cy=\"149.516\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#BCBCFF;fill-rule:evenodd;stroke:#BCBCFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"258.871\" cy=\"120.228\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#9292FF;fill-rule:evenodd;stroke:#9292FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"239.313\" cy=\"95.5295\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#7272FF;fill-rule:evenodd;stroke:#7272FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"208.144\" cy=\"100.118\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#E4E4FF;fill-rule:evenodd;stroke:#E4E4FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"196.533\" cy=\"129.406\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#BEBEFF;fill-rule:evenodd;stroke:#BEBEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"122.584\" cy=\"167.871\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#9E9EFF;fill-rule:evenodd;stroke:#9E9EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"103.026\" cy=\"143.173\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#9292FF;fill-rule:evenodd;stroke:#9292FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"71.8564\" cy=\"147.761\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#E4E4FF;fill-rule:evenodd;stroke:#E4E4FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"69.8645\" cy=\"179.203\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#7272FF;fill-rule:evenodd;stroke:#7272FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"99.1522\" cy=\"190.814\" rx=\"8.40137\" ry=\"8.40137\" style=\"fill:#9292FF;fill-rule:evenodd;stroke:#9292FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 21.1286,127.651 L 52.2978,123.063\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 52.2978,123.063 L 63.9083,93.7748\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 59.8969,120.991 L 68.0243,100.49\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-20\" d=\"M 52.2978,123.063 L 71.8564,147.761\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 63.9083,93.7748 L 95.0775,89.186\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 95.0775,89.186 L 114.636,113.885\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 93.0715,96.8025 L 106.763,114.092\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 114.636,113.885 L 145.805,109.296\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-21\" d=\"M 114.636,113.885 L 103.026,143.173\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 145.805,109.296 L 165.364,133.995\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 143.799,116.913 L 157.49,134.202\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 165.364,133.995 L 153.753,163.283\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-22\" d=\"M 165.364,133.995 L 196.533,129.406\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 153.753,163.283 L 173.312,187.981\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 153.753,163.283 L 122.584,167.871\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 148.16,157.737 L 126.342,160.949\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 173.312,187.981 L 204.481,183.393\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 177.07,181.059 L 198.888,177.847\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 204.481,183.393 L 216.092,154.105\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 216.092,154.105 L 247.261,149.516\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 219.849,147.183 L 241.668,143.971\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-24\" d=\"M 216.092,154.105 L 196.533,129.406\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 247.261,149.516 L 258.871,120.228\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 258.871,120.228 L 239.313,95.5295\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 250.998,120.435 L 237.307,103.146\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 239.313,95.5295 L 208.144,100.118\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 208.144,100.118 L 196.533,129.406\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 212.26,106.834 L 204.132,127.335\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 122.584,167.871 L 103.026,143.173\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-23\" d=\"M 122.584,167.871 L 99.1522,190.814\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 103.026,143.173 L 71.8564,147.761\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 99.268,150.095 L 77.4496,153.307\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-18\" d=\"M 71.8564,147.761 L 69.8645,179.203\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-19\" d=\"M 69.8645,179.203 L 99.1522,190.814\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"BrCBr\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"206.146\" cy=\"120.905\" rx=\"20.3676\" ry=\"20.3676\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"159.095\" rx=\"20.3676\" ry=\"20.3676\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"73.8544\" cy=\"120.905\" rx=\"20.3676\" ry=\"20.3676\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 188.138,131.302 L 164.069,145.198\" style=\"fill:none;fill-rule:evenodd;stroke:#7F4C19;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 164.069,145.198 L 140,159.095\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 140,159.095 L 115.931,145.198\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 115.931,145.198 L 91.8616,131.302\" style=\"fill:none;fill-rule:evenodd;stroke:#7F4C19;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#7F4C19\" x=\"188.138\" y=\"135.905\"><tspan>Br</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#7F4C19\" x=\"55.8472\" y=\"135.905\"><tspan>Br</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"ClC(Cl)(Cl)Cl\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"212.499\" cy=\"140\" rx=\"19.3332\" ry=\"19.3332\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"140\" rx=\"19.3332\" ry=\"19.3332\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"67.5007\" cy=\"140\" rx=\"19.3332\" ry=\"19.3332\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"67.5007\" rx=\"19.3332\" ry=\"19.3332\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"212.499\" rx=\"19.3332\" ry=\"19.3332\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 195.501,140 L 167.75,140\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 167.75,140 L 140,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 140,140 L 112.25,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 112.25,140 L 84.4995,140\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 140,140 L 140,111.25\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 140,111.25 L 140,82.5007\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 140,140 L 140,168.75\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 140,168.75 L 140,197.499\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"195.501\" y=\"155\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"50.5019\" y=\"155\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"123.001\" y=\"82.5007\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"123.001\" y=\"227.499\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"ClCCCl\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"220.939\" cy=\"145.581\" rx=\"16.3544\" ry=\"16.3544\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"164.506\" cy=\"121.567\" rx=\"16.3544\" ry=\"16.3544\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"115.494\" cy=\"158.433\" rx=\"16.3544\" ry=\"16.3544\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"59.0615\" cy=\"134.419\" rx=\"16.3544\" ry=\"16.3544\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 203.94,138.347 L 184.223,129.957\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 184.223,129.957 L 164.506,121.567\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 164.506,121.567 L 115.494,158.433\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 115.494,158.433 L 95.777,150.043\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 95.777,150.043 L 76.0603,141.653\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"203.94\" y=\"160.581\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"42.0627\" y=\"149.419\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"ClC(Cl)C(Cl)Cl\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"47.6228\" cy=\"59.999\" rx=\"24.6339\" ry=\"24.6339\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"93.8114\" cy=\"140\" rx=\"24.6339\" ry=\"24.6339\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"47.6228\" cy=\"220.001\" rx=\"24.6339\" ry=\"24.6339\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"186.189\" cy=\"140\" rx=\"24.6339\" ry=\"24.6339\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"232.377\" cy=\"220.001\" rx=\"24.6339\" ry=\"24.6339\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"232.377\" cy=\"59.999\" rx=\"24.6339\" ry=\"24.6339\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 56.2831,74.999 L 75.0473,107.5\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 75.0473,107.5 L 93.8114,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 93.8114,140 L 75.0473,172.5\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 75.0473,172.5 L 56.2831,205.001\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 93.8114,140 L 186.189,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 186.189,140 L 204.953,172.5\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 204.953,172.5 L 223.717,205.001\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 186.189,140 L 204.953,107.5\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 204.953,107.5 L 223.717,74.999\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"30.624\" y=\"74.999\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"30.624\" y=\"235.001\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"215.378\" y=\"235.001\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"215.378\" y=\"74.999\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCCl\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"31.265\" cy=\"146.326\" rx=\"18.5377\" ry=\"18.5377\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"95.2311\" cy=\"119.107\" rx=\"18.5377\" ry=\"18.5377\" style=\"fill:#1212FF;fill-rule:evenodd;stroke:#1212FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"150.787\" cy=\"160.893\" rx=\"18.5377\" ry=\"18.5377\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"214.753\" cy=\"133.674\" rx=\"18.5377\" ry=\"18.5377\" style=\"fill:#A2A2FF;fill-rule:evenodd;stroke:#A2A2FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 31.265,146.326 L 95.2311,119.107\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 95.2311,119.107 L 150.787,160.893\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 150.787,160.893 L 174.27,150.9\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 174.27,150.9 L 197.754,140.907\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"197.754\" y=\"148.674\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CC(C)I\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"42.6908\" cy=\"224.272\" rx=\"29.9635\" ry=\"29.9635\" style=\"fill:#8C8CFF;fill-rule:evenodd;stroke:#8C8CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"168.091\" rx=\"29.9635\" ry=\"29.9635\" style=\"fill:#8C8CFF;fill-rule:evenodd;stroke:#8C8CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"237.309\" cy=\"224.272\" rx=\"29.9635\" ry=\"29.9635\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"55.7277\" rx=\"29.9635\" ry=\"29.9635\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 42.6908,224.272 L 140,168.091\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 140,168.091 L 237.309,224.272\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 140,168.091 L 140,119.409\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 140,119.409 L 140,70.7277\" style=\"fill:none;fill-rule:evenodd;stroke:#A01EEF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#A01EEF\" x=\"134.994\" y=\"70.7277\"><tspan>I</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CC(Br)CBr\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"31.2478\" cy=\"192.089\" rx=\"18.5205\" ry=\"18.5205\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"91.3948\" cy=\"157.363\" rx=\"18.5205\" ry=\"18.5205\" style=\"fill:#FFEAEA;fill-rule:evenodd;stroke:#FFEAEA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"91.3948\" cy=\"87.9111\" rx=\"18.5205\" ry=\"18.5205\" style=\"fill:#E6E6FF;fill-rule:evenodd;stroke:#E6E6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"151.542\" cy=\"192.089\" rx=\"18.5205\" ry=\"18.5205\" style=\"fill:#2222FF;fill-rule:evenodd;stroke:#2222FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"211.689\" cy=\"157.363\" rx=\"18.5205\" ry=\"18.5205\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 31.2478,192.089 L 91.3948,157.363\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 91.3948,157.363 L 91.3948,130.137\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 91.3948,130.137 L 91.3948,102.911\" style=\"fill:none;fill-rule:evenodd;stroke:#7F4C19;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 91.3948,157.363 L 151.542,192.089\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 151.542,192.089 L 172.612,179.924\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 172.612,179.924 L 193.682,167.759\" style=\"fill:none;fill-rule:evenodd;stroke:#7F4C19;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#7F4C19\" x=\"73.3876\" y=\"102.911\"><tspan>Br</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#7F4C19\" x=\"193.682\" y=\"172.363\"><tspan>Br</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCCBr\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"27.708\" cy=\"154.044\" rx=\"14.9807\" ry=\"14.9807\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"76.3591\" cy=\"125.956\" rx=\"14.9807\" ry=\"14.9807\" style=\"fill:#FFAEAE;fill-rule:evenodd;stroke:#FFAEAE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"125.01\" cy=\"154.044\" rx=\"14.9807\" ry=\"14.9807\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"173.662\" cy=\"125.956\" rx=\"14.9807\" ry=\"14.9807\" style=\"fill:#D6D6FF;fill-rule:evenodd;stroke:#D6D6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"222.313\" cy=\"154.044\" rx=\"14.9807\" ry=\"14.9807\" style=\"fill:#8A8AFF;fill-rule:evenodd;stroke:#8A8AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 27.708,154.044 L 76.3591,125.956\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 76.3591,125.956 L 125.01,154.044\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 125.01,154.044 L 173.662,125.956\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 173.662,125.956 L 186.747,133.511\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 186.747,133.511 L 199.833,141.066\" style=\"fill:none;fill-rule:evenodd;stroke:#7F4C19;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:37px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#7F4C19\" x=\"199.833\" y=\"172.77\"><tspan>Br</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CC(Cl)C(C)Cl\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"232.377\" cy=\"59.999\" rx=\"24.6339\" ry=\"24.6339\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"186.189\" cy=\"140\" rx=\"24.6339\" ry=\"24.6339\" style=\"fill:#1A1AFF;fill-rule:evenodd;stroke:#1A1AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"232.377\" cy=\"220.001\" rx=\"24.6339\" ry=\"24.6339\" style=\"fill:#1A1AFF;fill-rule:evenodd;stroke:#1A1AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"93.8114\" cy=\"140\" rx=\"24.6339\" ry=\"24.6339\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"47.6228\" cy=\"220.001\" rx=\"24.6339\" ry=\"24.6339\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"47.6228\" cy=\"59.999\" rx=\"24.6339\" ry=\"24.6339\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 232.377,59.999 L 186.189,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 186.189,140 L 204.953,172.5\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 204.953,172.5 L 223.717,205.001\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 186.189,140 L 93.8114,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 93.8114,140 L 47.6228,220.001\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 93.8114,140 L 75.0473,107.5\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 75.0473,107.5 L 56.2831,74.999\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"215.378\" y=\"235.001\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"30.624\" y=\"74.999\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CC(C)CCBr\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"27.8245\" cy=\"94.4924\" rx=\"15.0973\" ry=\"15.0973\" style=\"fill:#F6F6FF;fill-rule:evenodd;stroke:#F6F6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"72.3461\" cy=\"129.465\" rx=\"15.0973\" ry=\"15.0973\" style=\"fill:#FFA2A2;fill-rule:evenodd;stroke:#FFA2A2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"64.32\" cy=\"185.508\" rx=\"15.0973\" ry=\"15.0973\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"124.894\" cy=\"108.394\" rx=\"15.0973\" ry=\"15.0973\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"169.415\" cy=\"143.366\" rx=\"15.0973\" ry=\"15.0973\" style=\"fill:#A0A0FF;fill-rule:evenodd;stroke:#A0A0FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"221.963\" cy=\"122.296\" rx=\"15.0973\" ry=\"15.0973\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 27.8245,94.4924 L 72.3461,129.465\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 72.3461,129.465 L 64.32,185.508\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 72.3461,129.465 L 124.894,108.394\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 124.894,108.394 L 169.415,143.366\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 169.415,143.366 L 184.362,137.373\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 184.362,137.373 L 199.308,131.38\" style=\"fill:none;fill-rule:evenodd;stroke:#7F4C19;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:37px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#7F4C19\" x=\"199.308\" y=\"141.167\"><tspan>Br</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCCCCCCBr\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"21.2172\" cy=\"147.959\" rx=\"8.48995\" ry=\"8.48995\" style=\"fill:#FF7070;fill-rule:evenodd;stroke:#FF7070;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"48.7892\" cy=\"132.041\" rx=\"8.48995\" ry=\"8.48995\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"76.3611\" cy=\"147.959\" rx=\"8.48995\" ry=\"8.48995\" style=\"fill:#FF8484;fill-rule:evenodd;stroke:#FF8484;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"103.933\" cy=\"132.041\" rx=\"8.48995\" ry=\"8.48995\" style=\"fill:#BEBEFF;fill-rule:evenodd;stroke:#BEBEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"131.505\" cy=\"147.959\" rx=\"8.48995\" ry=\"8.48995\" style=\"fill:#8A8AFF;fill-rule:evenodd;stroke:#8A8AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"159.077\" cy=\"132.041\" rx=\"8.48995\" ry=\"8.48995\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"186.649\" cy=\"147.959\" rx=\"8.48995\" ry=\"8.48995\" style=\"fill:#FF8484;fill-rule:evenodd;stroke:#FF8484;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"214.221\" cy=\"132.041\" rx=\"8.48995\" ry=\"8.48995\" style=\"fill:#FF8484;fill-rule:evenodd;stroke:#FF8484;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"241.793\" cy=\"147.959\" rx=\"8.48995\" ry=\"8.48995\" style=\"fill:#FFB0B0;fill-rule:evenodd;stroke:#FFB0B0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 21.2172,147.959 L 48.7892,132.041\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 48.7892,132.041 L 76.3611,147.959\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 76.3611,147.959 L 103.933,132.041\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 103.933,132.041 L 131.505,147.959\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 131.505,147.959 L 159.077,132.041\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 159.077,132.041 L 186.649,147.959\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 186.649,147.959 L 214.221,132.041\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 214.221,132.041 L 221.637,136.322\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 221.637,136.322 L 229.053,140.604\" style=\"fill:none;fill-rule:evenodd;stroke:#7F4C19;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:21px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#7F4C19\" x=\"229.053\" y=\"158.572\"><tspan>Br</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCCCCCBr\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"22.2331\" cy=\"145.893\" rx=\"9.50583\" ry=\"9.50583\" style=\"fill:#FF7070;fill-rule:evenodd;stroke:#FF7070;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"53.5895\" cy=\"128.938\" rx=\"9.50583\" ry=\"9.50583\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"83.9512\" cy=\"147.616\" rx=\"9.50583\" ry=\"9.50583\" style=\"fill:#FF8484;fill-rule:evenodd;stroke:#FF8484;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"115.308\" cy=\"130.661\" rx=\"9.50583\" ry=\"9.50583\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"145.669\" cy=\"149.339\" rx=\"9.50583\" ry=\"9.50583\" style=\"fill:#8A8AFF;fill-rule:evenodd;stroke:#8A8AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"177.026\" cy=\"132.384\" rx=\"9.50583\" ry=\"9.50583\" style=\"fill:#BEBEFF;fill-rule:evenodd;stroke:#BEBEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"207.387\" cy=\"151.062\" rx=\"9.50583\" ry=\"9.50583\" style=\"fill:#FF8484;fill-rule:evenodd;stroke:#FF8484;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"238.744\" cy=\"134.107\" rx=\"9.50583\" ry=\"9.50583\" style=\"fill:#FFB0B0;fill-rule:evenodd;stroke:#FFB0B0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 22.2331,145.893 L 53.5895,128.938\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 53.5895,128.938 L 83.9512,147.616\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 83.9512,147.616 L 115.308,130.661\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 115.308,130.661 L 145.669,149.339\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 145.669,149.339 L 177.026,132.384\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 177.026,132.384 L 207.387,151.062\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 207.387,151.062 L 215.933,146.441\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 215.933,146.441 L 224.479,141.82\" style=\"fill:none;fill-rule:evenodd;stroke:#7F4C19;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:23px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#7F4C19\" x=\"224.479\" y=\"145.989\"><tspan>Br</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"BrC=CBr\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"219.227\" cy=\"145.463\" rx=\"16.0087\" ry=\"16.0087\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"163.988\" cy=\"121.957\" rx=\"16.0087\" ry=\"16.0087\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"116.012\" cy=\"158.043\" rx=\"16.0087\" ry=\"16.0087\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"60.7725\" cy=\"134.537\" rx=\"16.0087\" ry=\"16.0087\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 201.22,137.8 L 182.604,129.879\" style=\"fill:none;fill-rule:evenodd;stroke:#7F4C19;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 182.604,129.879 L 163.988,121.957\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 163.988,121.957 L 116.012,158.043\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 164.009,136.965 L 130.425,162.225\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 116.012,158.043 L 97.3958,150.121\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 97.3958,150.121 L 78.7797,142.2\" style=\"fill:none;fill-rule:evenodd;stroke:#7F4C19;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#7F4C19\" x=\"201.22\" y=\"160.463\"><tspan>Br</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#7F4C19\" x=\"42.7653\" y=\"149.537\"><tspan>Br</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"ClC1=C(Cl)C2(Cl)C3C(Cl)C=CC3C1(Cl)C2(Cl)Cl\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"232.661\" cy=\"100.213\" rx=\"12.2167\" ry=\"12.2167\" style=\"fill:#FFB4B4;fill-rule:evenodd;stroke:#FFB4B4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"193.36\" cy=\"123.756\" rx=\"12.2167\" ry=\"12.2167\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"183.774\" cy=\"168.554\" rx=\"12.2167\" ry=\"12.2167\" style=\"fill:#FFBEBE;fill-rule:evenodd;stroke:#FFBEBE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"209.999\" cy=\"206.118\" rx=\"12.2167\" ry=\"12.2167\" style=\"fill:#5656FF;fill-rule:evenodd;stroke:#5656FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"138.206\" cy=\"173.28\" rx=\"12.2167\" ry=\"12.2167\" style=\"fill:#FFBEBE;fill-rule:evenodd;stroke:#FFBEBE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"142.932\" cy=\"218.849\" rx=\"12.2167\" ry=\"12.2167\" style=\"fill:#5454FF;fill-rule:evenodd;stroke:#5454FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"98.5621\" cy=\"150.32\" rx=\"12.2167\" ry=\"12.2167\" style=\"fill:#C2C2FF;fill-rule:evenodd;stroke:#C2C2FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"52.9938\" cy=\"155.046\" rx=\"12.2167\" ry=\"12.2167\" style=\"fill:#FFC6C6;fill-rule:evenodd;stroke:#FFC6C6;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"30.0331\" cy=\"194.69\" rx=\"12.2167\" ry=\"12.2167\" style=\"fill:#FFE0E0;fill-rule:evenodd;stroke:#FFE0E0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"34.4174\" cy=\"113.169\" rx=\"12.2167\" ry=\"12.2167\" style=\"fill:#5656FF;fill-rule:evenodd;stroke:#5656FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"68.5049\" cy=\"82.5605\" rx=\"12.2167\" ry=\"12.2167\" style=\"fill:#AEAEFF;fill-rule:evenodd;stroke:#AEAEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"108.148\" cy=\"105.521\" rx=\"12.2167\" ry=\"12.2167\" style=\"fill:#C2C2FF;fill-rule:evenodd;stroke:#C2C2FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"153.717\" cy=\"100.795\" rx=\"12.2167\" ry=\"12.2167\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"176.677\" cy=\"61.1513\" rx=\"12.2167\" ry=\"12.2167\" style=\"fill:#FFE0E0;fill-rule:evenodd;stroke:#FFE0E0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"172.293\" cy=\"142.672\" rx=\"12.2167\" ry=\"12.2167\" style=\"fill:#FFEEEE;fill-rule:evenodd;stroke:#FFEEEE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"217.552\" cy=\"135.571\" rx=\"12.2167\" ry=\"12.2167\" style=\"fill:#0808FF;fill-rule:evenodd;stroke:#0808FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"210.683\" cy=\"167.673\" rx=\"12.2167\" ry=\"12.2167\" style=\"fill:#A6A6FF;fill-rule:evenodd;stroke:#A6A6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 215.355,110.58 L 204.358,117.168\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 204.358,117.168 L 193.36,123.756\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 193.36,123.756 L 183.774,168.554\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 182.963,128.558 L 176.252,159.917\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 193.36,123.756 L 153.717,100.795\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 183.774,168.554 L 191.556,179.701\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 191.556,179.701 L 199.338,190.847\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 183.774,168.554 L 138.206,173.28\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 138.206,173.28 L 139.777,188.429\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 139.777,188.429 L 141.348,203.578\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 138.206,173.28 L 98.5621,150.32\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 138.206,173.28 L 172.293,142.672\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 98.5621,150.32 L 52.9938,155.046\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-18\" d=\"M 98.5621,150.32 L 108.148,105.521\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 52.9938,155.046 L 45.9357,167.232\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 45.9357,167.232 L 38.8777,179.419\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 52.9938,155.046 L 34.4174,113.169\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 34.4174,113.169 L 68.5049,82.5605\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 45.6521,115.395 L 69.5133,93.9692\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 68.5049,82.5605 L 108.148,105.521\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 108.148,105.521 L 153.717,100.795\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 153.717,100.795 L 160.775,88.6085\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 160.775,88.6085 L 167.833,76.4222\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 153.717,100.795 L 172.293,142.672\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 172.293,142.672 L 186.27,140.479\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 186.27,140.479 L 200.246,138.287\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 172.293,142.672 L 182.835,149.538\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 182.835,149.538 L 193.377,156.403\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"215.355\" y=\"115.484\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"192.693\" y=\"221.389\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"125.626\" y=\"234.12\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"12.7273\" y=\"209.961\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"159.372\" y=\"76.4222\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"200.246\" y=\"150.842\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"193.377\" y=\"182.944\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"ClC(Cl)=C(Cl)C(Cl)=C(Cl)Cl\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"46.3195\" cy=\"115.207\" rx=\"11.8569\" ry=\"11.8569\" style=\"fill:#FF9494;fill-rule:evenodd;stroke:#FF9494;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"81.2436\" cy=\"142.726\" rx=\"11.8569\" ry=\"11.8569\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"74.8735\" cy=\"186.731\" rx=\"11.8569\" ry=\"11.8569\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"122.538\" cy=\"126.24\" rx=\"11.8569\" ry=\"11.8569\" style=\"fill:#FF9494;fill-rule:evenodd;stroke:#FF9494;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"128.908\" cy=\"82.2357\" rx=\"11.8569\" ry=\"11.8569\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"157.462\" cy=\"153.76\" rx=\"11.8569\" ry=\"11.8569\" style=\"fill:#FF9494;fill-rule:evenodd;stroke:#FF9494;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"151.092\" cy=\"197.764\" rx=\"11.8569\" ry=\"11.8569\" style=\"fill:#8C8CFF;fill-rule:evenodd;stroke:#8C8CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"198.756\" cy=\"137.274\" rx=\"11.8569\" ry=\"11.8569\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"233.681\" cy=\"164.793\" rx=\"11.8569\" ry=\"11.8569\" style=\"fill:#FF9494;fill-rule:evenodd;stroke:#FF9494;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"205.126\" cy=\"93.2691\" rx=\"11.8569\" ry=\"11.8569\" style=\"fill:#8C8CFF;fill-rule:evenodd;stroke:#8C8CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 63.1156,128.442 L 72.1796,135.584\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 72.1796,135.584 L 81.2436,142.726\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 81.2436,142.726 L 79.1313,157.318\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 79.1313,157.318 L 77.019,171.91\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 81.2436,142.726 L 122.538,126.24\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 84.1406,131.994 L 113.047,120.454\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 122.538,126.24 L 124.65,111.649\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 124.65,111.649 L 126.763,97.0569\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 122.538,126.24 L 157.462,153.76\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 157.462,153.76 L 155.35,168.351\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 155.35,168.351 L 153.237,182.943\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 157.462,153.76 L 198.756,137.274\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 160.359,143.028 L 189.265,131.488\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 198.756,137.274 L 207.82,144.416\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 207.82,144.416 L 216.884,151.558\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 198.756,137.274 L 200.869,122.682\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 200.869,122.682 L 202.981,108.09\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"29.5234\" y=\"130.028\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"58.0774\" y=\"201.552\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"112.112\" y=\"97.0569\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"134.296\" y=\"212.585\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"216.884\" y=\"179.614\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"188.33\" y=\"108.09\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Brc1ccccc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"217.182\" cy=\"140\" rx=\"16.6902\" ry=\"16.6902\" style=\"fill:#FFD8D8;fill-rule:evenodd;stroke:#FFD8D8;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"154.594\" cy=\"140\" rx=\"16.6902\" ry=\"16.6902\" style=\"fill:#FFE4E4;fill-rule:evenodd;stroke:#FFE4E4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"123.3\" cy=\"194.203\" rx=\"16.6902\" ry=\"16.6902\" style=\"fill:#FFF0F0;fill-rule:evenodd;stroke:#FFF0F0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"60.7116\" cy=\"194.203\" rx=\"16.6902\" ry=\"16.6902\" style=\"fill:#FFF0F0;fill-rule:evenodd;stroke:#FFF0F0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"29.4175\" cy=\"140\" rx=\"16.6902\" ry=\"16.6902\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"60.7116\" cy=\"85.797\" rx=\"16.6902\" ry=\"16.6902\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"123.3\" cy=\"85.797\" rx=\"16.6902\" ry=\"16.6902\" style=\"fill:#FFD8D8;fill-rule:evenodd;stroke:#FFD8D8;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 199.175,140 L 176.884,140\" style=\"fill:none;fill-rule:evenodd;stroke:#7F4C19;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 176.884,140 L 154.594,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 154.594,140 L 123.3,194.203\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 139.059,141.872 L 117.153,179.814\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 154.594,140 L 123.3,85.797\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 123.3,194.203 L 60.7116,194.203\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 60.7116,194.203 L 29.4175,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 66.8581,179.814 L 44.9522,141.872\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 29.4175,140 L 60.7116,85.797\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 60.7116,85.797 L 123.3,85.797\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 70.0998,98.3147 L 113.912,98.3147\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#7F4C19\" x=\"199.175\" y=\"155\"><tspan>Br</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Clc1ccccc1Br\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"211.689\" cy=\"209.452\" rx=\"18.5205\" ry=\"18.5205\" style=\"fill:#FFDCDC;fill-rule:evenodd;stroke:#FFDCDC;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"151.542\" cy=\"174.726\" rx=\"18.5205\" ry=\"18.5205\" style=\"fill:#FFECEC;fill-rule:evenodd;stroke:#FFECEC;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"91.3948\" cy=\"209.452\" rx=\"18.5205\" ry=\"18.5205\" style=\"fill:#FFFCFC;fill-rule:evenodd;stroke:#FFFCFC;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"31.2478\" cy=\"174.726\" rx=\"18.5205\" ry=\"18.5205\" style=\"fill:#6262FF;fill-rule:evenodd;stroke:#6262FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"31.2478\" cy=\"105.274\" rx=\"18.5205\" ry=\"18.5205\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"91.3948\" cy=\"70.5481\" rx=\"18.5205\" ry=\"18.5205\" style=\"fill:#FFDCDC;fill-rule:evenodd;stroke:#FFDCDC;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"151.542\" cy=\"105.274\" rx=\"18.5205\" ry=\"18.5205\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"211.689\" cy=\"70.5481\" rx=\"18.5205\" ry=\"18.5205\" style=\"fill:#FFFCFC;fill-rule:evenodd;stroke:#FFFCFC;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 194.69,199.638 L 173.116,187.182\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 173.116,187.182 L 151.542,174.726\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 151.542,174.726 L 91.3948,209.452\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 135.575,167.905 L 93.4717,192.214\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 151.542,174.726 L 151.542,105.274\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 91.3948,209.452 L 31.2478,174.726\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 31.2478,174.726 L 31.2478,105.274\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 45.1381,164.308 L 45.1381,115.692\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 31.2478,105.274 L 91.3948,70.5481\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 91.3948,70.5481 L 151.542,105.274\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 93.4717,87.7864 L 135.575,112.095\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 151.542,105.274 L 172.612,93.1093\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 172.612,93.1093 L 193.682,80.9446\" style=\"fill:none;fill-rule:evenodd;stroke:#7F4C19;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"194.69\" y=\"224.452\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#7F4C19\" x=\"193.682\" y=\"85.5481\"><tspan>Br</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Brc1cccc(Br)c1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"52.95\" cy=\"190.258\" rx=\"13.4022\" ry=\"13.4022\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"96.475\" cy=\"165.129\" rx=\"13.4022\" ry=\"13.4022\" style=\"fill:#FFD8D8;fill-rule:evenodd;stroke:#FFD8D8;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"96.475\" cy=\"114.871\" rx=\"13.4022\" ry=\"13.4022\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"89.7417\" rx=\"13.4022\" ry=\"13.4022\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"183.525\" cy=\"114.871\" rx=\"13.4022\" ry=\"13.4022\" style=\"fill:#FFD8D8;fill-rule:evenodd;stroke:#FFD8D8;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"183.525\" cy=\"165.129\" rx=\"13.4022\" ry=\"13.4022\" style=\"fill:#FFACAC;fill-rule:evenodd;stroke:#FFACAC;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"227.05\" cy=\"190.258\" rx=\"13.4022\" ry=\"13.4022\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"190.258\" rx=\"13.4022\" ry=\"13.4022\" style=\"fill:#FFFCFC;fill-rule:evenodd;stroke:#FFFCFC;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 73.0614,178.647 L 84.7682,171.888\" style=\"fill:none;fill-rule:evenodd;stroke:#7F4C19;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 84.7682,171.888 L 96.475,165.129\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 96.475,165.129 L 96.475,114.871\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 106.527,157.59 L 106.527,122.41\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 96.475,165.129 L 140,190.258\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 96.475,114.871 L 140,89.7417\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 140,89.7417 L 183.525,114.871\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 141.503,102.216 L 171.97,119.806\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 183.525,114.871 L 183.525,165.129\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 183.525,165.129 L 195.232,171.888\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 195.232,171.888 L 206.939,178.647\" style=\"fill:none;fill-rule:evenodd;stroke:#7F4C19;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 183.525,165.129 L 140,190.258\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 171.97,160.194 L 141.503,177.784\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:33px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#7F4C19\" x=\"32.8386\" y=\"207.011\"><tspan>Br</tspan></text>\n",
"<text style=\"font-size:33px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#7F4C19\" x=\"206.939\" y=\"207.011\"><tspan>Br</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Brc1ccc(Br)c(Br)c1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"49.7971\" cy=\"149.481\" rx=\"12.3517\" ry=\"12.3517\" style=\"fill:#FFAEAE;fill-rule:evenodd;stroke:#FFAEAE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"94.8985\" cy=\"138.932\" rx=\"12.3517\" ry=\"12.3517\" style=\"fill:#FF7E7E;fill-rule:evenodd;stroke:#FF7E7E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"108.313\" cy=\"94.598\" rx=\"12.3517\" ry=\"12.3517\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"153.415\" cy=\"84.0488\" rx=\"12.3517\" ry=\"12.3517\" style=\"fill:#FFE4E4;fill-rule:evenodd;stroke:#FFE4E4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"185.101\" cy=\"117.833\" rx=\"12.3517\" ry=\"12.3517\" style=\"fill:#1212FF;fill-rule:evenodd;stroke:#1212FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"230.203\" cy=\"107.284\" rx=\"12.3517\" ry=\"12.3517\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"171.687\" cy=\"162.167\" rx=\"12.3517\" ry=\"12.3517\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"203.373\" cy=\"195.951\" rx=\"12.3517\" ry=\"12.3517\" style=\"fill:#1616FF;fill-rule:evenodd;stroke:#1616FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"126.585\" cy=\"172.716\" rx=\"12.3517\" ry=\"12.3517\" style=\"fill:#FFEEEE;fill-rule:evenodd;stroke:#FFEEEE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 68.332,145.145 L 81.6153,142.039\" style=\"fill:none;fill-rule:evenodd;stroke:#7F4C19;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 81.6153,142.039 L 94.8985,138.932\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 94.8985,138.932 L 108.313,94.598\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 105.777,134.965 L 115.168,103.931\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 94.8985,138.932 L 126.585,172.716\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 108.313,94.598 L 153.415,84.0488\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 153.415,84.0488 L 185.101,117.833\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 151.411,95.4538 L 173.592,119.103\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 185.101,117.833 L 198.385,114.726\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 198.385,114.726 L 211.668,111.619\" style=\"fill:none;fill-rule:evenodd;stroke:#7F4C19;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 185.101,117.833 L 171.687,162.167\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 171.687,162.167 L 180.289,171.339\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 180.289,171.339 L 188.892,180.512\" style=\"fill:none;fill-rule:evenodd;stroke:#7F4C19;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 171.687,162.167 L 126.585,172.716\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 162.812,154.729 L 131.241,162.113\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#7F4C19\" x=\"31.2622\" y=\"164.92\"><tspan>Br</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#7F4C19\" x=\"211.668\" y=\"122.724\"><tspan>Br</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#7F4C19\" x=\"184.838\" y=\"211.391\"><tspan>Br</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Clc1cc(Cl)c(Cl)c(Cl)c1Cl\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"228.618\" cy=\"216.746\" rx=\"13.6437\" ry=\"13.6437\" style=\"fill:#2828FF;fill-rule:evenodd;stroke:#2828FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"184.309\" cy=\"191.164\" rx=\"13.6437\" ry=\"13.6437\" style=\"fill:#FF7878;fill-rule:evenodd;stroke:#FF7878;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"216.746\" rx=\"13.6437\" ry=\"13.6437\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"95.6908\" cy=\"191.164\" rx=\"13.6437\" ry=\"13.6437\" style=\"fill:#FF7878;fill-rule:evenodd;stroke:#FF7878;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"51.3817\" cy=\"216.746\" rx=\"13.6437\" ry=\"13.6437\" style=\"fill:#FF9292;fill-rule:evenodd;stroke:#FF9292;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"95.6908\" cy=\"140\" rx=\"13.6437\" ry=\"13.6437\" style=\"fill:#FF9292;fill-rule:evenodd;stroke:#FF9292;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"51.3817\" cy=\"114.418\" rx=\"13.6437\" ry=\"13.6437\" style=\"fill:#FF7878;fill-rule:evenodd;stroke:#FF7878;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"114.418\" rx=\"13.6437\" ry=\"13.6437\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"63.2543\" rx=\"13.6437\" ry=\"13.6437\" style=\"fill:#1616FF;fill-rule:evenodd;stroke:#1616FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"184.309\" cy=\"140\" rx=\"13.6437\" ry=\"13.6437\" style=\"fill:#1616FF;fill-rule:evenodd;stroke:#1616FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"228.618\" cy=\"114.418\" rx=\"13.6437\" ry=\"13.6437\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 209.291,205.587 L 196.8,198.376\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 196.8,198.376 L 184.309,191.164\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 184.309,191.164 L 140,216.746\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 172.546,186.139 L 141.53,204.047\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 184.309,191.164 L 184.309,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 140,216.746 L 95.6908,191.164\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 95.6908,191.164 L 83.1998,198.376\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 83.1998,198.376 L 70.7088,205.587\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 95.6908,191.164 L 95.6908,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 105.924,183.489 L 105.924,147.675\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 95.6908,140 L 83.1998,132.788\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 83.1998,132.788 L 70.7088,125.577\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 95.6908,140 L 140,114.418\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 140,114.418 L 140,97.3635\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 140,97.3635 L 140,80.3089\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 140,114.418 L 184.309,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 141.53,127.117 L 172.546,145.025\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 184.309,140 L 196.8,132.788\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 196.8,132.788 L 209.291,125.577\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:34px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"209.291\" y=\"233.8\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:34px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"32.0545\" y=\"233.8\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:34px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"32.0545\" y=\"131.473\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:34px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"120.673\" y=\"80.3089\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:34px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"209.291\" y=\"131.473\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Fc1cccc(F)c1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"40.7482\" cy=\"197.303\" rx=\"15.2808\" ry=\"15.2808\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"90.3741\" cy=\"168.652\" rx=\"15.2808\" ry=\"15.2808\" style=\"fill:#FF7676;fill-rule:evenodd;stroke:#FF7676;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"90.3741\" cy=\"111.348\" rx=\"15.2808\" ry=\"15.2808\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"82.697\" rx=\"15.2808\" ry=\"15.2808\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"189.626\" cy=\"111.348\" rx=\"15.2808\" ry=\"15.2808\" style=\"fill:#FF7676;fill-rule:evenodd;stroke:#FF7676;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"189.626\" cy=\"168.652\" rx=\"15.2808\" ry=\"15.2808\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"239.252\" cy=\"197.303\" rx=\"15.2808\" ry=\"15.2808\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"197.303\" rx=\"15.2808\" ry=\"15.2808\" style=\"fill:#FF7676;fill-rule:evenodd;stroke:#FF7676;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 54.7587,189.214 L 72.5664,178.933\" style=\"fill:none;fill-rule:evenodd;stroke:#33CCCC;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 72.5664,178.933 L 90.3741,168.652\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 90.3741,168.652 L 90.3741,111.348\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 101.835,160.056 L 101.835,119.944\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 90.3741,168.652 L 140,197.303\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 90.3741,111.348 L 140,82.697\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 140,82.697 L 189.626,111.348\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 141.714,96.9199 L 176.452,116.976\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 189.626,111.348 L 189.626,168.652\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 189.626,168.652 L 207.434,178.933\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 207.434,178.933 L 225.241,189.214\" style=\"fill:none;fill-rule:evenodd;stroke:#33CCCC;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 189.626,168.652 L 140,197.303\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 176.452,163.024 L 141.714,183.08\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:38px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#33CCCC\" x=\"26.7377\" y=\"216.404\"><tspan>F</tspan></text>\n",
"<text style=\"font-size:38px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#33CCCC\" x=\"225.241\" y=\"216.404\"><tspan>F</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Clc1ccc(-c2ccccc2)cc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"239.887\" cy=\"140\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FFF6F6;fill-rule:evenodd;stroke:#FFF6F6;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"203.638\" cy=\"140\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FFBABA;fill-rule:evenodd;stroke:#FFBABA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"185.513\" cy=\"171.392\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FFCECE;fill-rule:evenodd;stroke:#FFCECE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"149.265\" cy=\"171.392\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FFCECE;fill-rule:evenodd;stroke:#FFCECE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"131.14\" cy=\"140\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FF8484;fill-rule:evenodd;stroke:#FF8484;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"94.8913\" cy=\"140\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FFD2D2;fill-rule:evenodd;stroke:#FFD2D2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"76.7669\" cy=\"108.608\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FF8484;fill-rule:evenodd;stroke:#FF8484;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"40.518\" cy=\"108.608\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FFD2D2;fill-rule:evenodd;stroke:#FFD2D2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"22.3936\" cy=\"140\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"40.518\" cy=\"171.392\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FFACAC;fill-rule:evenodd;stroke:#FFACAC;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"76.7669\" cy=\"171.392\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"149.265\" cy=\"108.608\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FFF6F6;fill-rule:evenodd;stroke:#FFF6F6;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"185.513\" cy=\"108.608\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 226.194,140 L 214.916,140\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 214.916,140 L 203.638,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 203.638,140 L 185.513,171.392\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 194.641,141.084 L 181.954,163.059\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 203.638,140 L 185.513,108.608\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 185.513,171.392 L 149.265,171.392\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 149.265,171.392 L 131.14,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 152.824,163.059 L 140.137,141.084\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 131.14,140 L 94.8913,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 131.14,140 L 149.265,108.608\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 94.8913,140 L 76.7669,108.608\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 85.8942,138.916 L 73.2071,116.941\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 94.8913,140 L 76.7669,171.392\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 76.7669,108.608 L 40.518,108.608\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 40.518,108.608 L 22.3936,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 44.0779,116.941 L 31.3908,138.916\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 22.3936,140 L 40.518,171.392\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 40.518,171.392 L 76.7669,171.392\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 45.9554,164.143 L 71.3296,164.143\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 149.265,108.608 L 185.513,108.608\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 154.702,115.857 L 180.076,115.857\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:24px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"226.194\" y=\"152.083\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Clc1ccc(-c2ccccc2Cl)cc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"239.873\" cy=\"130.203\" rx=\"9.6712\" ry=\"9.6712\" style=\"fill:#FFF6F6;fill-rule:evenodd;stroke:#FFF6F6;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"203.627\" cy=\"128.962\" rx=\"9.6712\" ry=\"9.6712\" style=\"fill:#FFDEDE;fill-rule:evenodd;stroke:#FFDEDE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"184.429\" cy=\"159.73\" rx=\"9.6712\" ry=\"9.6712\" style=\"fill:#FFC2C2;fill-rule:evenodd;stroke:#FFC2C2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"148.183\" cy=\"158.489\" rx=\"9.6712\" ry=\"9.6712\" style=\"fill:#FF9292;fill-rule:evenodd;stroke:#FF9292;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"131.136\" cy=\"126.478\" rx=\"9.6712\" ry=\"9.6712\" style=\"fill:#FF9292;fill-rule:evenodd;stroke:#FF9292;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"94.89\" cy=\"125.236\" rx=\"9.6712\" ry=\"9.6712\" style=\"fill:#FFEAEA;fill-rule:evenodd;stroke:#FFEAEA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"77.8424\" cy=\"93.2258\" rx=\"9.6712\" ry=\"9.6712\" style=\"fill:#FFDADA;fill-rule:evenodd;stroke:#FFDADA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"41.5967\" cy=\"91.9841\" rx=\"9.6712\" ry=\"9.6712\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"22.3985\" cy=\"122.753\" rx=\"9.6712\" ry=\"9.6712\" style=\"fill:#FFDADA;fill-rule:evenodd;stroke:#FFDADA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"39.446\" cy=\"154.764\" rx=\"9.6712\" ry=\"9.6712\" style=\"fill:#FFDEDE;fill-rule:evenodd;stroke:#FFDEDE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"75.6917\" cy=\"156.005\" rx=\"9.6712\" ry=\"9.6712\" style=\"fill:#5050FF;fill-rule:evenodd;stroke:#5050FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"92.7393\" cy=\"188.016\" rx=\"9.6712\" ry=\"9.6712\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"150.334\" cy=\"95.7092\" rx=\"9.6712\" ry=\"9.6712\" style=\"fill:#FFBABA;fill-rule:evenodd;stroke:#FFBABA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"186.58\" cy=\"96.9509\" rx=\"9.6712\" ry=\"9.6712\" style=\"fill:#FFA8A8;fill-rule:evenodd;stroke:#FFA8A8;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 226.173,129.734 L 214.9,129.348\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 214.9,129.348 L 203.627,128.962\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 203.627,128.962 L 184.429,159.73\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 194.594,129.737 L 181.155,151.275\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 203.627,128.962 L 186.58,96.9509\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 184.429,159.73 L 148.183,158.489\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 148.183,158.489 L 131.136,126.478\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 152.028,150.278 L 140.095,127.87\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 131.136,126.478 L 94.89,125.236\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 131.136,126.478 L 150.334,95.7092\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 94.89,125.236 L 77.8424,93.2258\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 85.9307,123.844 L 73.9974,101.437\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 94.89,125.236 L 75.6917,156.005\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 77.8424,93.2258 L 41.5967,91.9841\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 41.5967,91.9841 L 22.3985,122.753\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 44.8707,100.439 L 31.432,121.977\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 22.3985,122.753 L 39.446,154.764\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 39.446,154.764 L 75.6917,156.005\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 45.1312,147.701 L 70.5032,148.57\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 75.6917,156.005 L 80.9965,165.966\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 80.9965,165.966 L 86.3012,175.927\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 150.334,95.7092 L 186.58,96.9509\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 155.522,103.145 L 180.894,104.014\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:24px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"226.173\" y=\"142.292\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:24px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"79.0394\" y=\"200.105\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Clc1ccc(Cl)c(-c2ccccc2Cl)c1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"29.0975\" cy=\"206.086\" rx=\"11.5563\" ry=\"11.5563\" style=\"fill:#4C4CFF;fill-rule:evenodd;stroke:#4C4CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"57.1362\" cy=\"173.043\" rx=\"11.5563\" ry=\"11.5563\" style=\"fill:#4C4CFF;fill-rule:evenodd;stroke:#4C4CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"42.5397\" cy=\"132.239\" rx=\"11.5563\" ry=\"11.5563\" style=\"fill:#FFE0E0;fill-rule:evenodd;stroke:#FFE0E0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"70.5784\" cy=\"99.1963\" rx=\"11.5563\" ry=\"11.5563\" style=\"fill:#FFFAFA;fill-rule:evenodd;stroke:#FFFAFA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"113.214\" cy=\"106.957\" rx=\"11.5563\" ry=\"11.5563\" style=\"fill:#FFFAFA;fill-rule:evenodd;stroke:#FFFAFA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"141.253\" cy=\"73.9142\" rx=\"11.5563\" ry=\"11.5563\" style=\"fill:#FFF6F6;fill-rule:evenodd;stroke:#FFF6F6;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"127.81\" cy=\"147.761\" rx=\"11.5563\" ry=\"11.5563\" style=\"fill:#FFDADA;fill-rule:evenodd;stroke:#FFDADA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"170.446\" cy=\"155.522\" rx=\"11.5563\" ry=\"11.5563\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"185.042\" cy=\"196.325\" rx=\"11.5563\" ry=\"11.5563\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"227.678\" cy=\"204.086\" rx=\"11.5563\" ry=\"11.5563\" style=\"fill:#FFF6F6;fill-rule:evenodd;stroke:#FFF6F6;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"255.716\" cy=\"171.043\" rx=\"11.5563\" ry=\"11.5563\" style=\"fill:#FCFCFF;fill-rule:evenodd;stroke:#FCFCFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"241.12\" cy=\"130.24\" rx=\"11.5563\" ry=\"11.5563\" style=\"fill:#FFCACA;fill-rule:evenodd;stroke:#FFCACA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"198.485\" cy=\"122.479\" rx=\"11.5563\" ry=\"11.5563\" style=\"fill:#FFF0F0;fill-rule:evenodd;stroke:#FFF0F0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"183.888\" cy=\"81.6751\" rx=\"11.5563\" ry=\"11.5563\" style=\"fill:#FF9898;fill-rule:evenodd;stroke:#FF9898;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"99.7716\" cy=\"180.804\" rx=\"11.5563\" ry=\"11.5563\" style=\"fill:#FFCACA;fill-rule:evenodd;stroke:#FFCACA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 41.3552,191.64 L 49.2457,182.342\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 49.2457,182.342 L 57.1362,173.043\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 57.1362,173.043 L 42.5397,132.239\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 63.1075,164.003 L 52.8899,135.44\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 57.1362,173.043 L 99.7716,180.804\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 42.5397,132.239 L 70.5784,99.1963\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 70.5784,99.1963 L 113.214,106.957\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 75.4216,108.887 L 105.266,114.32\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 113.214,106.957 L 121.104,97.6583\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 121.104,97.6583 L 128.995,88.3595\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 113.214,106.957 L 127.81,147.761\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 127.81,147.761 L 170.446,155.522\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 127.81,147.761 L 99.7716,180.804\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 116.996,147.11 L 97.3688,170.24\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 170.446,155.522 L 185.042,196.325\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 180.796,158.723 L 191.014,187.286\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 170.446,155.522 L 198.485,122.479\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 185.042,196.325 L 227.678,204.086\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 227.678,204.086 L 255.716,171.043\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 225.275,193.522 L 244.902,170.392\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 255.716,171.043 L 241.12,130.24\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 241.12,130.24 L 198.485,122.479\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 233.172,137.603 L 203.328,132.17\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 198.485,122.479 L 193.77,109.3\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 193.77,109.3 L 189.055,96.1204\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:28px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"12.7273\" y=\"220.531\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:28px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"124.882\" y=\"88.3595\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:28px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"167.518\" y=\"96.1204\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Clc1ccc(-c2ccccc2Cl)cc1Cl\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"239.674\" cy=\"152.235\" rx=\"9.74139\" ry=\"9.74139\" style=\"fill:#FFCACA;fill-rule:evenodd;stroke:#FFCACA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"203.473\" cy=\"147.341\" rx=\"9.74139\" ry=\"9.74139\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"181.134\" cy=\"176.245\" rx=\"9.74139\" ry=\"9.74139\" style=\"fill:#FFE0E0;fill-rule:evenodd;stroke:#FFE0E0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"144.933\" cy=\"171.351\" rx=\"9.74139\" ry=\"9.74139\" style=\"fill:#FFB6B6;fill-rule:evenodd;stroke:#FFB6B6;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"131.071\" cy=\"137.553\" rx=\"9.74139\" ry=\"9.74139\" style=\"fill:#FFF8F8;fill-rule:evenodd;stroke:#FFF8F8;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"94.8705\" cy=\"132.659\" rx=\"9.74139\" ry=\"9.74139\" style=\"fill:#FFF0F0;fill-rule:evenodd;stroke:#FFF0F0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"81.0084\" cy=\"98.8611\" rx=\"9.74139\" ry=\"9.74139\" style=\"fill:#E6E6FF;fill-rule:evenodd;stroke:#E6E6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"44.8075\" cy=\"93.9671\" rx=\"9.74139\" ry=\"9.74139\" style=\"fill:#FFCACA;fill-rule:evenodd;stroke:#FFCACA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"22.4687\" cy=\"122.871\" rx=\"9.74139\" ry=\"9.74139\" style=\"fill:#FF9494;fill-rule:evenodd;stroke:#FF9494;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"36.3308\" cy=\"156.669\" rx=\"9.74139\" ry=\"9.74139\" style=\"fill:#FFF8F8;fill-rule:evenodd;stroke:#FFF8F8;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"72.5317\" cy=\"161.563\" rx=\"9.74139\" ry=\"9.74139\" style=\"fill:#0404FF;fill-rule:evenodd;stroke:#0404FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"86.3938\" cy=\"195.361\" rx=\"9.74139\" ry=\"9.74139\" style=\"fill:#F8F8FF;fill-rule:evenodd;stroke:#F8F8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"153.41\" cy=\"108.649\" rx=\"9.74139\" ry=\"9.74139\" style=\"fill:#FFCACA;fill-rule:evenodd;stroke:#FFCACA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"189.611\" cy=\"113.543\" rx=\"9.74139\" ry=\"9.74139\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"211.95\" cy=\"84.6392\" rx=\"9.74139\" ry=\"9.74139\" style=\"fill:#4242FF;fill-rule:evenodd;stroke:#4242FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 225.875,150.37 L 214.674,148.855\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 214.674,148.855 L 203.473,147.341\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 203.473,147.341 L 181.134,176.245\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 194.342,147.209 L 178.704,167.442\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 203.473,147.341 L 189.611,113.543\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 181.134,176.245 L 144.933,171.351\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 144.933,171.351 L 131.071,137.553\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 149.614,163.509 L 139.91,139.85\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 131.071,137.553 L 94.8705,132.659\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 131.071,137.553 L 153.41,108.649\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 94.8705,132.659 L 81.0084,98.8611\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 86.0316,130.362 L 76.3281,106.703\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 94.8705,132.659 L 72.5317,161.563\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 81.0084,98.8611 L 44.8075,93.9671\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 44.8075,93.9671 L 22.4687,122.871\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 47.2374,102.77 L 31.6003,123.003\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 22.4687,122.871 L 36.3308,156.669\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 36.3308,156.669 L 72.5317,161.563\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 42.7397,150.163 L 68.0803,153.589\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 72.5317,161.563 L 76.9656,172.373\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 76.9656,172.373 L 81.3995,183.184\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 153.41,108.649 L 189.611,113.543\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 157.861,116.623 L 183.202,120.049\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 189.611,113.543 L 196.075,105.18\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 196.075,105.18 L 202.539,96.816\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:24px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"225.875\" y=\"164.412\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:24px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"72.5945\" y=\"207.538\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:24px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"198.151\" y=\"96.816\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Clc1cc(-c2ccccc2)c(Cl)c(Cl)c1Cl\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"203.816\" cy=\"202.785\" rx=\"9.66639\" ry=\"9.66639\" style=\"fill:#4E4EFF;fill-rule:evenodd;stroke:#4E4EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"185.602\" cy=\"171.444\" rx=\"9.66639\" ry=\"9.66639\" style=\"fill:#E0E0FF;fill-rule:evenodd;stroke:#E0E0FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"149.354\" cy=\"171.547\" rx=\"9.66639\" ry=\"9.66639\" style=\"fill:#FFB2B2;fill-rule:evenodd;stroke:#FFB2B2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"131.14\" cy=\"140.206\" rx=\"9.66639\" ry=\"9.66639\" style=\"fill:#ECECFF;fill-rule:evenodd;stroke:#ECECFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"94.8913\" cy=\"140.309\" rx=\"9.66639\" ry=\"9.66639\" style=\"fill:#FFC2C2;fill-rule:evenodd;stroke:#FFC2C2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"76.6778\" cy=\"108.968\" rx=\"9.66639\" ry=\"9.66639\" style=\"fill:#FFC2C2;fill-rule:evenodd;stroke:#FFC2C2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"40.4289\" cy=\"109.071\" rx=\"9.66639\" ry=\"9.66639\" style=\"fill:#FFC2C2;fill-rule:evenodd;stroke:#FFC2C2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"22.3937\" cy=\"140.515\" rx=\"9.66639\" ry=\"9.66639\" style=\"fill:#FFD8D8;fill-rule:evenodd;stroke:#FFD8D8;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"40.6072\" cy=\"171.856\" rx=\"9.66639\" ry=\"9.66639\" style=\"fill:#FFF4F4;fill-rule:evenodd;stroke:#FFF4F4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"76.856\" cy=\"171.753\" rx=\"9.66639\" ry=\"9.66639\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"149.175\" cy=\"108.762\" rx=\"9.66639\" ry=\"9.66639\" style=\"fill:#F8F8FF;fill-rule:evenodd;stroke:#F8F8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"130.962\" cy=\"77.4211\" rx=\"9.66639\" ry=\"9.66639\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"185.424\" cy=\"108.659\" rx=\"9.66639\" ry=\"9.66639\" style=\"fill:#F8F8FF;fill-rule:evenodd;stroke:#F8F8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"203.459\" cy=\"77.2152\" rx=\"9.66639\" ry=\"9.66639\" style=\"fill:#1212FF;fill-rule:evenodd;stroke:#1212FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"203.638\" cy=\"140\" rx=\"9.66639\" ry=\"9.66639\" style=\"fill:#FFB2B2;fill-rule:evenodd;stroke:#FFB2B2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"239.887\" cy=\"139.897\" rx=\"9.66639\" ry=\"9.66639\" style=\"fill:#2020FF;fill-rule:evenodd;stroke:#2020FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 196.794,190.702 L 191.198,181.073\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 191.198,181.073 L 185.602,171.444\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 185.602,171.444 L 149.354,171.547\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 180.145,164.21 L 154.77,164.282\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 185.602,171.444 L 203.638,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 149.354,171.547 L 131.14,140.206\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 131.14,140.206 L 94.8913,140.309\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 131.14,140.206 L 149.175,108.762\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 140.134,139.096 L 152.759,117.086\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 94.8913,140.309 L 76.6778,108.968\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 85.8911,139.25 L 73.1416,117.312\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 94.8913,140.309 L 76.856,171.753\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 76.6778,108.968 L 40.4289,109.071\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 40.4289,109.071 L 22.3937,140.515\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 44.0124,117.394 L 31.3877,139.405\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 22.3937,140.515 L 40.6072,171.856\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 40.6072,171.856 L 76.856,171.753\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 46.0239,164.59 L 71.3981,164.518\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 149.175,108.762 L 143.58,99.133\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 143.58,99.133 L 137.984,89.504\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 149.175,108.762 L 185.424,108.659\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 185.424,108.659 L 190.977,98.9786\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 190.977,98.9786 L 196.529,89.2982\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 185.424,108.659 L 203.638,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 181.888,117.003 L 194.638,138.942\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 203.638,140 L 214.916,139.968\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 214.916,139.968 L 226.193,139.936\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:24px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"190.123\" y=\"214.868\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:24px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"117.269\" y=\"89.504\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:24px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"189.766\" y=\"89.2982\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:24px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"226.193\" y=\"151.98\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Clc1ccc(Cl)c(-c2c(Cl)cccc2Cl)c1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"29.1609\" cy=\"197.754\" rx=\"11.601\" ry=\"11.601\" style=\"fill:#5454FF;fill-rule:evenodd;stroke:#5454FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"56.4409\" cy=\"163.866\" rx=\"11.601\" ry=\"11.601\" style=\"fill:#FFCACA;fill-rule:evenodd;stroke:#FFCACA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"40.7331\" cy=\"123.297\" rx=\"11.601\" ry=\"11.601\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"68.0131\" cy=\"89.4091\" rx=\"11.601\" ry=\"11.601\" style=\"fill:#4C4CFF;fill-rule:evenodd;stroke:#4C4CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"111.001\" cy=\"96.0903\" rx=\"11.601\" ry=\"11.601\" style=\"fill:#FFCACA;fill-rule:evenodd;stroke:#FFCACA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"138.281\" cy=\"62.2025\" rx=\"11.601\" ry=\"11.601\" style=\"fill:#FFE0E0;fill-rule:evenodd;stroke:#FFE0E0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"126.709\" cy=\"136.659\" rx=\"11.601\" ry=\"11.601\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"169.696\" cy=\"143.341\" rx=\"11.601\" ry=\"11.601\" style=\"fill:#5454FF;fill-rule:evenodd;stroke:#5454FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"185.404\" cy=\"183.91\" rx=\"11.601\" ry=\"11.601\" style=\"fill:#FFCACA;fill-rule:evenodd;stroke:#FFCACA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"158.124\" cy=\"217.798\" rx=\"11.601\" ry=\"11.601\" style=\"fill:#F8F8FF;fill-rule:evenodd;stroke:#F8F8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"228.392\" cy=\"190.591\" rx=\"11.601\" ry=\"11.601\" style=\"fill:#FFDADA;fill-rule:evenodd;stroke:#FFDADA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"255.672\" cy=\"156.703\" rx=\"11.601\" ry=\"11.601\" style=\"fill:#FFFCFC;fill-rule:evenodd;stroke:#FFFCFC;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"239.964\" cy=\"116.134\" rx=\"11.601\" ry=\"11.601\" style=\"fill:#FFF0F0;fill-rule:evenodd;stroke:#FFF0F0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"196.976\" cy=\"109.453\" rx=\"11.601\" ry=\"11.601\" style=\"fill:#FFE4E4;fill-rule:evenodd;stroke:#FFE4E4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"181.268\" cy=\"68.8837\" rx=\"11.601\" ry=\"11.601\" style=\"fill:#FFE0E0;fill-rule:evenodd;stroke:#FFE0E0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"99.4286\" cy=\"170.547\" rx=\"11.601\" ry=\"11.601\" style=\"fill:#FFFAFA;fill-rule:evenodd;stroke:#FFFAFA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 40.8345,183.253 L 48.6377,173.559\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 48.6377,173.559 L 56.4409,163.866\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 56.4409,163.866 L 40.7331,123.297\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 62.1985,154.639 L 51.2031,126.241\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 56.4409,163.866 L 99.4286,170.547\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 40.7331,123.297 L 68.0131,89.4091\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 68.0131,89.4091 L 111.001,96.0903\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 73.125,99.0088 L 103.216,103.686\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 111.001,96.0903 L 118.804,86.397\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 118.804,86.397 L 126.607,76.7037\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 111.001,96.0903 L 126.709,136.659\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 126.709,136.659 L 169.696,143.341\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 126.709,136.659 L 99.4286,170.547\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 115.839,136.287 L 96.743,160.008\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 169.696,143.341 L 185.404,183.91\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 180.166,146.284 L 191.162,174.683\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 169.696,143.341 L 196.976,109.453\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 185.404,183.91 L 177.601,193.603\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 177.601,193.603 L 169.798,203.296\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 185.404,183.91 L 228.392,190.591\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 228.392,190.591 L 255.672,156.703\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 225.706,180.052 L 244.802,156.33\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 255.672,156.703 L 239.964,116.134\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 239.964,116.134 L 196.976,109.453\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 232.18,123.729 L 202.088,119.052\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 196.976,109.453 L 191.93,96.4189\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 191.93,96.4189 L 186.883,83.385\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"12.7273\" y=\"212.255\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"121.847\" y=\"76.7037\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"141.69\" y=\"232.299\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"164.835\" y=\"83.385\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Clc1ccc(Cl)c(-c2ccc(Cl)c(Cl)c2Cl)c1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"37.6087\" cy=\"189.878\" rx=\"8.78229\" ry=\"8.78229\" style=\"fill:#FFF2F2;fill-rule:evenodd;stroke:#FFF2F2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"59.1184\" cy=\"164.939\" rx=\"8.78229\" ry=\"8.78229\" style=\"fill:#FFB6B6;fill-rule:evenodd;stroke:#FFB6B6;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"48.2756\" cy=\"133.841\" rx=\"8.78229\" ry=\"8.78229\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"69.7854\" cy=\"108.903\" rx=\"8.78229\" ry=\"8.78229\" style=\"fill:#4C4CFF;fill-rule:evenodd;stroke:#4C4CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"102.138\" cy=\"115.061\" rx=\"8.78229\" ry=\"8.78229\" style=\"fill:#FFCACA;fill-rule:evenodd;stroke:#FFCACA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"123.648\" cy=\"90.1222\" rx=\"8.78229\" ry=\"8.78229\" style=\"fill:#2C2CFF;fill-rule:evenodd;stroke:#2C2CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"112.981\" cy=\"146.159\" rx=\"8.78229\" ry=\"8.78229\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"145.333\" cy=\"152.317\" rx=\"8.78229\" ry=\"8.78229\" style=\"fill:#1E1EFF;fill-rule:evenodd;stroke:#1E1EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"156.176\" cy=\"183.415\" rx=\"8.78229\" ry=\"8.78229\" style=\"fill:#FFCACA;fill-rule:evenodd;stroke:#FFCACA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"188.529\" cy=\"189.573\" rx=\"8.78229\" ry=\"8.78229\" style=\"fill:#FFA8A8;fill-rule:evenodd;stroke:#FFA8A8;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"210.039\" cy=\"164.634\" rx=\"8.78229\" ry=\"8.78229\" style=\"fill:#FFF0F0;fill-rule:evenodd;stroke:#FFF0F0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"242.391\" cy=\"170.793\" rx=\"8.78229\" ry=\"8.78229\" style=\"fill:#FFF0F0;fill-rule:evenodd;stroke:#FFF0F0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"199.196\" cy=\"133.537\" rx=\"8.78229\" ry=\"8.78229\" style=\"fill:#FFFAFA;fill-rule:evenodd;stroke:#FFFAFA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"220.706\" cy=\"108.598\" rx=\"8.78229\" ry=\"8.78229\" style=\"fill:#FFB6B6;fill-rule:evenodd;stroke:#FFB6B6;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"166.843\" cy=\"127.378\" rx=\"8.78229\" ry=\"8.78229\" style=\"fill:#FFDADA;fill-rule:evenodd;stroke:#FFDADA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"156\" cy=\"96.2807\" rx=\"8.78229\" ry=\"8.78229\" style=\"fill:#FCFCFF;fill-rule:evenodd;stroke:#FCFCFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"91.4711\" cy=\"171.097\" rx=\"8.78229\" ry=\"8.78229\" style=\"fill:#6666FF;fill-rule:evenodd;stroke:#6666FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 47.077,178.9 L 53.0977,171.919\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 53.0977,171.919 L 59.1184,164.939\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 59.1184,164.939 L 48.2756,133.841\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 63.7115,158.106 L 56.1215,136.337\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 59.1184,164.939 L 91.4711,171.097\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 48.2756,133.841 L 69.7854,108.903\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 69.7854,108.903 L 102.138,115.061\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 73.4066,116.297 L 96.0534,120.608\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 102.138,115.061 L 108.159,108.081\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 108.159,108.081 L 114.179,101.1\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 102.138,115.061 L 112.981,146.159\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 112.981,146.159 L 145.333,152.317\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 112.981,146.159 L 91.4711,171.097\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 104.767,145.597 L 89.7097,163.055\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 145.333,152.317 L 156.176,183.415\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 153.179,154.813 L 160.769,176.581\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 145.333,152.317 L 166.843,127.378\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 156.176,183.415 L 188.529,189.573\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 188.529,189.573 L 210.039,164.634\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 186.768,181.53 L 201.824,164.073\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 210.039,164.634 L 219.995,166.529\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 219.995,166.529 L 229.951,168.425\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 210.039,164.634 L 199.196,133.537\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 199.196,133.537 L 205.217,126.556\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 205.217,126.556 L 211.237,119.576\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 199.196,133.537 L 166.843,127.378\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 193.111,139.084 L 170.464,134.773\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 166.843,127.378 L 163.336,117.318\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 163.336,117.318 L 159.828,107.259\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:21px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"25.168\" y=\"200.856\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:21px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"111.207\" y=\"101.1\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:21px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"229.951\" y=\"181.771\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:21px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"208.265\" y=\"119.576\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:21px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"143.56\" y=\"107.259\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Clc1c(Cl)c(Cl)c(-c2ccccc2)c(Cl)c1Cl\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"239.887\" cy=\"140\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FF8686;fill-rule:evenodd;stroke:#FF8686;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"203.638\" cy=\"140\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FFC6C6;fill-rule:evenodd;stroke:#FFC6C6;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"185.513\" cy=\"171.392\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"203.638\" cy=\"202.785\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#4646FF;fill-rule:evenodd;stroke:#4646FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"149.265\" cy=\"171.392\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FFFAFA;fill-rule:evenodd;stroke:#FFFAFA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"131.14\" cy=\"202.785\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FF8686;fill-rule:evenodd;stroke:#FF8686;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"131.14\" cy=\"140\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FFDEDE;fill-rule:evenodd;stroke:#FFDEDE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"94.8913\" cy=\"140\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"76.7669\" cy=\"108.608\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FFDEDE;fill-rule:evenodd;stroke:#FFDEDE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"40.518\" cy=\"108.608\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"22.3936\" cy=\"140\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"40.518\" cy=\"171.392\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FFB8B8;fill-rule:evenodd;stroke:#FFB8B8;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"76.7669\" cy=\"171.392\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#4646FF;fill-rule:evenodd;stroke:#4646FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"149.265\" cy=\"108.608\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"131.14\" cy=\"77.2152\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FF8686;fill-rule:evenodd;stroke:#FF8686;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"185.513\" cy=\"108.608\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FF8686;fill-rule:evenodd;stroke:#FF8686;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"203.638\" cy=\"77.2152\" rx=\"9.66636\" ry=\"9.66636\" style=\"fill:#FF8686;fill-rule:evenodd;stroke:#FF8686;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 226.194,140 L 214.916,140\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 214.916,140 L 203.638,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 203.638,140 L 185.513,171.392\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 194.641,141.084 L 181.954,163.059\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 203.638,140 L 185.513,108.608\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 185.513,171.392 L 191.088,181.047\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 191.088,181.047 L 196.662,190.702\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 185.513,171.392 L 149.265,171.392\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 149.265,171.392 L 143.69,181.047\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 143.69,181.047 L 138.116,190.702\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 149.265,171.392 L 131.14,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 152.824,163.059 L 140.137,141.084\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 131.14,140 L 94.8913,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 131.14,140 L 149.265,108.608\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 94.8913,140 L 76.7669,108.608\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 85.8942,138.916 L 73.2071,116.941\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 94.8913,140 L 76.7669,171.392\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 76.7669,108.608 L 40.518,108.608\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 40.518,108.608 L 22.3936,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 44.0779,116.941 L 31.3908,138.916\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 22.3936,140 L 40.518,171.392\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 40.518,171.392 L 76.7669,171.392\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 45.9554,164.143 L 71.3296,164.143\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 149.265,108.608 L 143.69,98.9529\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 143.69,98.9529 L 138.116,89.2981\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 149.265,108.608 L 185.513,108.608\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 154.702,115.857 L 180.076,115.857\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 185.513,108.608 L 191.088,98.9529\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 191.088,98.9529 L 196.662,89.2981\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:24px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"226.194\" y=\"152.083\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:24px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"189.945\" y=\"214.868\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:24px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"117.447\" y=\"214.868\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:24px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"117.447\" y=\"89.2981\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:24px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"189.945\" y=\"89.2981\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Clc1ccc(Cl)c(-c2cc(Cl)c(Cl)c(Cl)c2Cl)c1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"25.9652\" cy=\"189.542\" rx=\"9.34508\" ry=\"9.34508\" style=\"fill:#FFFEFE;fill-rule:evenodd;stroke:#FFFEFE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"46.1186\" cy=\"160.873\" rx=\"9.34508\" ry=\"9.34508\" style=\"fill:#FFBEBE;fill-rule:evenodd;stroke:#FFBEBE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"31.3669\" cy=\"129.085\" rx=\"9.34508\" ry=\"9.34508\" style=\"fill:#FF7878;fill-rule:evenodd;stroke:#FF7878;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"51.5203\" cy=\"100.415\" rx=\"9.34508\" ry=\"9.34508\" style=\"fill:#FFD0D0;fill-rule:evenodd;stroke:#FFD0D0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"86.4253\" cy=\"103.534\" rx=\"9.34508\" ry=\"9.34508\" style=\"fill:#F8F8FF;fill-rule:evenodd;stroke:#F8F8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"106.579\" cy=\"74.8648\" rx=\"9.34508\" ry=\"9.34508\" style=\"fill:#3838FF;fill-rule:evenodd;stroke:#3838FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"101.177\" cy=\"135.322\" rx=\"9.34508\" ry=\"9.34508\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"136.082\" cy=\"138.441\" rx=\"9.34508\" ry=\"9.34508\" style=\"fill:#2A2AFF;fill-rule:evenodd;stroke:#2A2AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"150.834\" cy=\"170.229\" rx=\"9.34508\" ry=\"9.34508\" style=\"fill:#FFBEBE;fill-rule:evenodd;stroke:#FFBEBE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"185.739\" cy=\"173.347\" rx=\"9.34508\" ry=\"9.34508\" style=\"fill:#FFD0D0;fill-rule:evenodd;stroke:#FFD0D0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"200.49\" cy=\"205.135\" rx=\"9.34508\" ry=\"9.34508\" style=\"fill:#FFF6F6;fill-rule:evenodd;stroke:#FFF6F6;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"205.892\" cy=\"144.678\" rx=\"9.34508\" ry=\"9.34508\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"240.797\" cy=\"147.797\" rx=\"9.34508\" ry=\"9.34508\" style=\"fill:#4A4AFF;fill-rule:evenodd;stroke:#4A4AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"191.14\" cy=\"112.89\" rx=\"9.34508\" ry=\"9.34508\" style=\"fill:#1818FF;fill-rule:evenodd;stroke:#1818FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"211.294\" cy=\"84.2208\" rx=\"9.34508\" ry=\"9.34508\" style=\"fill:#FEFEFF;fill-rule:evenodd;stroke:#FEFEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"156.235\" cy=\"109.771\" rx=\"9.34508\" ry=\"9.34508\" style=\"fill:#FFBEBE;fill-rule:evenodd;stroke:#FFBEBE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"141.484\" cy=\"77.9834\" rx=\"9.34508\" ry=\"9.34508\" style=\"fill:#FFE0E0;fill-rule:evenodd;stroke:#FFE0E0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"81.0235\" cy=\"163.991\" rx=\"9.34508\" ry=\"9.34508\" style=\"fill:#6262FF;fill-rule:evenodd;stroke:#6262FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 34.1767,177.861 L 40.1476,169.367\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 40.1476,169.367 L 46.1186,160.873\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 46.1186,160.873 L 31.3669,129.085\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 50.2634,153.154 L 39.9372,130.902\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 46.1186,160.873 L 81.0235,163.991\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 31.3669,129.085 L 51.5203,100.415\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 51.5203,100.415 L 86.4253,103.534\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 56.1323,107.864 L 80.5658,110.047\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 86.4253,103.534 L 92.3962,95.0401\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 92.3962,95.0401 L 98.3671,86.5461\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 86.4253,103.534 L 101.177,135.322\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 101.177,135.322 L 136.082,138.441\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 101.177,135.322 L 81.0235,163.991\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 92.42,135.592 L 78.3127,155.66\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 136.082,138.441 L 150.834,170.229\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 144.652,140.259 L 154.978,162.51\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-18\" d=\"M 136.082,138.441 L 156.235,109.771\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 150.834,170.229 L 185.739,173.347\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 185.739,173.347 L 190.404,183.401\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 190.404,183.401 L 195.069,193.454\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 185.739,173.347 L 205.892,144.678\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 183.028,165.016 L 197.135,144.948\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 205.892,144.678 L 216.725,145.646\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 216.725,145.646 L 227.559,146.614\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 205.892,144.678 L 191.14,112.89\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 191.14,112.89 L 197.111,104.396\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 197.111,104.396 L 203.082,95.9021\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 191.14,112.89 L 156.235,109.771\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 185.281,119.403 L 160.847,117.22\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 156.235,109.771 L 151.57,99.7181\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 151.57,99.7181 L 146.904,89.6648\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:23px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"12.7273\" y=\"201.223\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:23px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"93.3407\" y=\"86.5461\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:23px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"187.252\" y=\"216.817\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:23px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"227.559\" y=\"159.478\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:23px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"198.056\" y=\"95.9021\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:23px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"128.246\" y=\"89.6648\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Clc1ccc(-c2ccc(Cl)c(Cl)c2Cl)c(Cl)c1Cl\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"244.343\" cy=\"159.903\" rx=\"8.0933\" ry=\"8.0933\" style=\"fill:#FFCCCC;fill-rule:evenodd;stroke:#FFCCCC;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"214.531\" cy=\"154.217\" rx=\"8.0933\" ry=\"8.0933\" style=\"fill:#5A5AFF;fill-rule:evenodd;stroke:#5A5AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"194.7\" cy=\"177.191\" rx=\"8.0933\" ry=\"8.0933\" style=\"fill:#5A5AFF;fill-rule:evenodd;stroke:#5A5AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"164.888\" cy=\"171.505\" rx=\"8.0933\" ry=\"8.0933\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"154.906\" cy=\"142.843\" rx=\"8.0933\" ry=\"8.0933\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"125.094\" cy=\"137.157\" rx=\"8.0933\" ry=\"8.0933\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"115.112\" cy=\"108.495\" rx=\"8.0933\" ry=\"8.0933\" style=\"fill:#FFCACA;fill-rule:evenodd;stroke:#FFCACA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"85.3\" cy=\"102.809\" rx=\"8.0933\" ry=\"8.0933\" style=\"fill:#1010FF;fill-rule:evenodd;stroke:#1010FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"65.4691\" cy=\"125.783\" rx=\"8.0933\" ry=\"8.0933\" style=\"fill:#1010FF;fill-rule:evenodd;stroke:#1010FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"35.6567\" cy=\"120.097\" rx=\"8.0933\" ry=\"8.0933\" style=\"fill:#FF8080;fill-rule:evenodd;stroke:#FF8080;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"75.4505\" cy=\"154.445\" rx=\"8.0933\" ry=\"8.0933\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"55.6196\" cy=\"177.42\" rx=\"8.0933\" ry=\"8.0933\" style=\"fill:#FF8080;fill-rule:evenodd;stroke:#FF8080;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"105.263\" cy=\"160.132\" rx=\"8.0933\" ry=\"8.0933\" style=\"fill:#FF9A9A;fill-rule:evenodd;stroke:#FF9A9A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"115.244\" cy=\"188.793\" rx=\"8.0933\" ry=\"8.0933\" style=\"fill:#FF9A9A;fill-rule:evenodd;stroke:#FF9A9A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"174.737\" cy=\"119.868\" rx=\"8.0933\" ry=\"8.0933\" style=\"fill:#FF8080;fill-rule:evenodd;stroke:#FF8080;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"164.756\" cy=\"91.2067\" rx=\"8.0933\" ry=\"8.0933\" style=\"fill:#FFCACA;fill-rule:evenodd;stroke:#FFCACA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"204.55\" cy=\"125.555\" rx=\"8.0933\" ry=\"8.0933\" style=\"fill:#FF8080;fill-rule:evenodd;stroke:#FF8080;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"224.38\" cy=\"102.58\" rx=\"8.0933\" ry=\"8.0933\" style=\"fill:#FFCCCC;fill-rule:evenodd;stroke:#FFCCCC;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 232.879,157.716 L 223.705,155.966\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 223.705,155.966 L 214.531,154.217\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 214.531,154.217 L 194.7,177.191\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 206.961,153.697 L 193.08,169.779\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 214.531,154.217 L 204.55,125.555\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 194.7,177.191 L 164.888,171.505\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 164.888,171.505 L 154.906,142.843\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 169.123,165.209 L 162.136,145.146\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 154.906,142.843 L 125.094,137.157\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 154.906,142.843 L 174.737,119.868\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 125.094,137.157 L 115.112,108.495\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 117.864,134.854 L 110.877,114.791\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-18\" d=\"M 125.094,137.157 L 105.263,160.132\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 115.112,108.495 L 85.3,102.809\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 85.3,102.809 L 65.4691,125.783\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 86.9203,110.221 L 73.0387,126.303\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 65.4691,125.783 L 56.2952,124.034\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 56.2952,124.034 L 47.1214,122.284\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 65.4691,125.783 L 75.4505,154.445\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 75.4505,154.445 L 69.9011,160.874\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 69.9011,160.874 L 64.3518,167.303\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 75.4505,154.445 L 105.263,160.132\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 81.0597,149.336 L 101.928,153.316\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 105.263,160.132 L 108.492,169.404\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 108.492,169.404 L 111.721,178.677\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 174.737,119.868 L 171.508,110.596\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 171.508,110.596 L 168.279,101.323\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 174.737,119.868 L 204.55,125.555\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 178.072,126.684 L 198.94,130.664\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 204.55,125.555 L 210.099,119.126\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 210.099,119.126 L 215.648,112.697\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:20px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"232.879\" y=\"170.02\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:20px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"24.192\" y=\"130.214\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:20px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"44.1549\" y=\"187.537\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:20px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"103.78\" y=\"198.91\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:20px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"153.291\" y=\"101.323\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:20px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"212.916\" y=\"112.697\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Clc1cc(Cl)c(Cl)c(-c2c(Cl)c(Cl)cc(Cl)c2Cl)c1Cl\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"29.4339\" cy=\"216.602\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"51.5471\" cy=\"178.301\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#FF9292;fill-rule:evenodd;stroke:#FF9292;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"29.4339\" cy=\"140\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#FF9696;fill-rule:evenodd;stroke:#FF9696;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"51.5471\" cy=\"101.699\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#FF7878;fill-rule:evenodd;stroke:#FF7878;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"29.4339\" cy=\"63.3975\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#FF7878;fill-rule:evenodd;stroke:#FF7878;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"95.7735\" cy=\"101.699\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#5C5CFF;fill-rule:evenodd;stroke:#5C5CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"117.887\" cy=\"63.3975\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#5C5CFF;fill-rule:evenodd;stroke:#5C5CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"117.887\" cy=\"140\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"162.113\" cy=\"140\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"184.226\" cy=\"178.301\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#5C5CFF;fill-rule:evenodd;stroke:#5C5CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"162.113\" cy=\"216.602\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#FF7878;fill-rule:evenodd;stroke:#FF7878;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"228.453\" cy=\"178.301\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"250.566\" cy=\"216.602\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#FF9292;fill-rule:evenodd;stroke:#FF9292;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"250.566\" cy=\"140\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#FF7878;fill-rule:evenodd;stroke:#FF7878;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"228.453\" cy=\"101.699\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"250.566\" cy=\"63.3975\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#FF9696;fill-rule:evenodd;stroke:#FF9696;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"184.226\" cy=\"101.699\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"162.113\" cy=\"63.3975\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#FF9292;fill-rule:evenodd;stroke:#FF9292;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"95.7735\" cy=\"178.301\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#FF9292;fill-rule:evenodd;stroke:#FF9292;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"117.887\" cy=\"216.602\" rx=\"11.7937\" ry=\"11.7937\" style=\"fill:#5C5CFF;fill-rule:evenodd;stroke:#5C5CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 37.9452,201.86 L 44.7462,190.081\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 44.7462,190.081 L 51.5471,178.301\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 51.5471,178.301 L 29.4339,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 55.8904,168.133 L 40.4111,141.323\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-19\" d=\"M 51.5471,178.301 L 95.7735,178.301\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 29.4339,140 L 51.5471,101.699\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 51.5471,101.699 L 44.7462,89.9192\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 44.7462,89.9192 L 37.9452,78.1397\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 51.5471,101.699 L 95.7735,101.699\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 58.1811,110.544 L 89.1396,110.544\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 95.7735,101.699 L 102.574,89.9192\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 102.574,89.9192 L 109.375,78.1397\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 95.7735,101.699 L 117.887,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 117.887,140 L 162.113,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 117.887,140 L 95.7735,178.301\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 106.91,141.323 L 91.4303,168.133\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 162.113,140 L 184.226,178.301\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 173.09,141.323 L 188.57,168.133\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-20\" d=\"M 162.113,140 L 184.226,101.699\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 184.226,178.301 L 177.426,190.081\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 177.426,190.081 L 170.625,201.86\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 184.226,178.301 L 228.453,178.301\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 228.453,178.301 L 235.254,190.081\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 235.254,190.081 L 242.055,201.86\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 228.453,178.301 L 250.566,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 224.11,168.133 L 239.589,141.323\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 250.566,140 L 228.453,101.699\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 228.453,101.699 L 235.254,89.9192\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 235.254,89.9192 L 242.055,78.1397\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 228.453,101.699 L 184.226,101.699\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 221.819,110.544 L 190.86,110.544\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 184.226,101.699 L 177.426,89.9192\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 177.426,89.9192 L 170.625,78.1397\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-18\" d=\"M 95.7735,178.301 L 102.574,190.081\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-18\" d=\"M 102.574,190.081 L 109.375,201.86\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"12.7273\" y=\"231.345\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"12.7273\" y=\"78.1397\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"101.18\" y=\"78.1397\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"145.407\" y=\"231.345\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"233.86\" y=\"231.345\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"233.86\" y=\"78.1397\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"145.407\" y=\"78.1397\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"101.18\" y=\"231.345\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Clc1ccc(C(c2ccc(Cl)cc2)C(Cl)Cl)cc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"35.5149\" cy=\"192.784\" rx=\"8.04327\" ry=\"8.04327\" style=\"fill:#C6C6FF;fill-rule:evenodd;stroke:#C6C6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"61.6362\" cy=\"177.703\" rx=\"8.04327\" ry=\"8.04327\" style=\"fill:#FF9090;fill-rule:evenodd;stroke:#FF9090;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"61.6362\" cy=\"147.541\" rx=\"8.04327\" ry=\"8.04327\" style=\"fill:#D0D0FF;fill-rule:evenodd;stroke:#D0D0FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"87.7575\" cy=\"132.459\" rx=\"8.04327\" ry=\"8.04327\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"113.879\" cy=\"147.541\" rx=\"8.04327\" ry=\"8.04327\" style=\"fill:#C0C0FF;fill-rule:evenodd;stroke:#C0C0FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"132.459\" rx=\"8.04327\" ry=\"8.04327\" style=\"fill:#FF7A7A;fill-rule:evenodd;stroke:#FF7A7A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"166.121\" cy=\"147.541\" rx=\"8.04327\" ry=\"8.04327\" style=\"fill:#E6E6FF;fill-rule:evenodd;stroke:#E6E6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"166.121\" cy=\"177.703\" rx=\"8.04327\" ry=\"8.04327\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"192.243\" cy=\"192.784\" rx=\"8.04327\" ry=\"8.04327\" style=\"fill:#C6C6FF;fill-rule:evenodd;stroke:#C6C6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"218.364\" cy=\"177.703\" rx=\"8.04327\" ry=\"8.04327\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"244.485\" cy=\"192.784\" rx=\"8.04327\" ry=\"8.04327\" style=\"fill:#FF9090;fill-rule:evenodd;stroke:#FF9090;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"218.364\" cy=\"147.541\" rx=\"8.04327\" ry=\"8.04327\" style=\"fill:#FF7A7A;fill-rule:evenodd;stroke:#FF7A7A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"192.243\" cy=\"132.459\" rx=\"8.04327\" ry=\"8.04327\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"102.297\" rx=\"8.04327\" ry=\"8.04327\" style=\"fill:#FF9090;fill-rule:evenodd;stroke:#FF9090;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"166.121\" cy=\"87.2161\" rx=\"8.04327\" ry=\"8.04327\" style=\"fill:#FF9090;fill-rule:evenodd;stroke:#FF9090;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"113.879\" cy=\"87.2161\" rx=\"8.04327\" ry=\"8.04327\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"113.879\" cy=\"177.703\" rx=\"8.04327\" ry=\"8.04327\" style=\"fill:#C0C0FF;fill-rule:evenodd;stroke:#C0C0FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"87.7575\" cy=\"192.784\" rx=\"8.04327\" ry=\"8.04327\" style=\"fill:#E6E6FF;fill-rule:evenodd;stroke:#E6E6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 46.9087,186.206 L 54.2725,181.954\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 54.2725,181.954 L 61.6362,177.703\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 61.6362,177.703 L 61.6362,147.541\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 67.6686,173.178 L 67.6686,152.065\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 61.6362,177.703 L 87.7575,192.784\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 61.6362,147.541 L 87.7575,132.459\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 87.7575,132.459 L 113.879,147.541\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 88.6594,139.946 L 106.944,150.503\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 113.879,147.541 L 140,132.459\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 113.879,147.541 L 113.879,177.703\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 140,132.459 L 166.121,147.541\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 140,132.459 L 140,102.297\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 166.121,147.541 L 166.121,177.703\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 172.154,152.065 L 172.154,173.178\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-18\" d=\"M 166.121,147.541 L 192.243,132.459\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 166.121,177.703 L 192.243,192.784\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 192.243,192.784 L 218.364,177.703\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 193.145,185.298 L 211.429,174.741\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 218.364,177.703 L 225.728,181.954\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 225.728,181.954 L 233.091,186.206\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 218.364,177.703 L 218.364,147.541\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 218.364,147.541 L 192.243,132.459\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 211.429,150.503 L 193.145,139.946\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 140,102.297 L 147.364,98.0457\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 147.364,98.0457 L 154.727,93.7943\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 140,102.297 L 132.636,98.0457\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 132.636,98.0457 L 125.273,93.7943\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 113.879,177.703 L 87.7575,192.784\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 106.944,174.741 L 88.6594,185.298\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:20px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"24.1211\" y=\"202.838\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:20px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"233.091\" y=\"202.838\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:20px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"154.727\" y=\"97.2702\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:20px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"102.485\" y=\"97.2702\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Brc1ccc2ccccc2c1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"49.256\" cy=\"113.235\" rx=\"12.1714\" ry=\"12.1714\" style=\"fill:#FF8A8A;fill-rule:evenodd;stroke:#FF8A8A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"91.836\" cy=\"129.673\" rx=\"12.1714\" ry=\"12.1714\" style=\"fill:#FFB6B6;fill-rule:evenodd;stroke:#FFB6B6;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"98.891\" cy=\"174.767\" rx=\"12.1714\" ry=\"12.1714\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"141.471\" cy=\"191.204\" rx=\"12.1714\" ry=\"12.1714\" style=\"fill:#FFE4E4;fill-rule:evenodd;stroke:#FFE4E4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"176.996\" cy=\"162.547\" rx=\"12.1714\" ry=\"12.1714\" style=\"fill:#FFF0F0;fill-rule:evenodd;stroke:#FFF0F0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"219.576\" cy=\"178.984\" rx=\"12.1714\" ry=\"12.1714\" style=\"fill:#F2F2FF;fill-rule:evenodd;stroke:#F2F2FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"255.101\" cy=\"150.327\" rx=\"12.1714\" ry=\"12.1714\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"248.046\" cy=\"105.233\" rx=\"12.1714\" ry=\"12.1714\" style=\"fill:#F6F6FF;fill-rule:evenodd;stroke:#F6F6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"205.466\" cy=\"88.7962\" rx=\"12.1714\" ry=\"12.1714\" style=\"fill:#FFC2C2;fill-rule:evenodd;stroke:#FFC2C2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"169.941\" cy=\"117.453\" rx=\"12.1714\" ry=\"12.1714\" style=\"fill:#FFB6B6;fill-rule:evenodd;stroke:#FFB6B6;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"127.361\" cy=\"101.016\" rx=\"12.1714\" ry=\"12.1714\" style=\"fill:#FFF0F0;fill-rule:evenodd;stroke:#FFF0F0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 67.5203,120.286 L 79.6782,124.979\" style=\"fill:none;fill-rule:evenodd;stroke:#7F4C19;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 79.6782,124.979 L 91.836,129.673\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 91.836,129.673 L 98.891,174.767\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 101.913,135.026 L 106.852,166.591\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 91.836,129.673 L 127.361,101.016\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 98.891,174.767 L 141.471,191.204\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 141.471,191.204 L 176.996,162.547\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 141.068,179.8 L 165.936,159.741\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 176.996,162.547 L 219.576,178.984\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 176.996,162.547 L 169.941,117.453\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 219.576,178.984 L 255.101,150.327\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 219.174,167.581 L 244.041,147.521\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 255.101,150.327 L 248.046,105.233\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 248.046,105.233 L 205.466,88.7962\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 238.372,111.284 L 208.566,99.7778\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 205.466,88.7962 L 169.941,117.453\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 169.941,117.453 L 127.361,101.016\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 160.267,123.503 L 130.461,111.997\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#7F4C19\" x=\"30.9916\" y=\"128.449\"><tspan>Br</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCC(C)O\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"29.8578\" cy=\"160.089\" rx=\"17.1305\" ry=\"17.1305\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"89.4824\" cy=\"136.18\" rx=\"17.1305\" ry=\"17.1305\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"175.863\" rx=\"17.1305\" ry=\"17.1305\" style=\"fill:#0E0EFF;fill-rule:evenodd;stroke:#0E0EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"199.625\" cy=\"151.954\" rx=\"17.1305\" ry=\"17.1305\" style=\"fill:#5252FF;fill-rule:evenodd;stroke:#5252FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"250.142\" cy=\"191.636\" rx=\"17.1305\" ry=\"17.1305\" style=\"fill:#4444FF;fill-rule:evenodd;stroke:#4444FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"208.732\" cy=\"88.3636\" rx=\"17.1305\" ry=\"17.1305\" style=\"fill:#FF9090;fill-rule:evenodd;stroke:#FF9090;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 29.8578,160.089 L 89.4824,136.18\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 89.4824,136.18 L 140,175.863\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 140,175.863 L 199.625,151.954\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 199.625,151.954 L 250.142,191.636\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 199.625,151.954 L 203.104,127.659\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 203.104,127.659 L 206.583,103.364\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"181.721\" y=\"103.364\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CC(C)(C)CO\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"52.3435\" cy=\"85.7735\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"83.6512\" cy=\"140\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"114.959\" cy=\"194.227\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"29.4247\" cy=\"171.308\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#0202FF;fill-rule:evenodd;stroke:#0202FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"137.878\" cy=\"108.692\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"192.104\" cy=\"140\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#5858FF;fill-rule:evenodd;stroke:#5858FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 52.3435,85.7735 L 83.6512,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 83.6512,140 L 114.959,194.227\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 83.6512,140 L 29.4247,171.308\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 83.6512,140 L 137.878,108.692\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 137.878,108.692 L 152.001,116.846\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 152.001,116.846 L 166.123,125\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"165.093\" y=\"155\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CC(C)C(C)CO\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"53.8659\" cy=\"80.9267\" rx=\"14.0035\" ry=\"14.0035\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"65.3593\" cy=\"132.167\" rx=\"14.0035\" ry=\"14.0035\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"26.7308\" cy=\"167.74\" rx=\"14.0035\" ry=\"14.0035\" style=\"fill:#FF8E8E;fill-rule:evenodd;stroke:#FF8E8E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"115.481\" cy=\"147.833\" rx=\"14.0035\" ry=\"14.0035\" style=\"fill:#0404FF;fill-rule:evenodd;stroke:#0404FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"126.975\" cy=\"199.073\" rx=\"14.0035\" ry=\"14.0035\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"154.11\" cy=\"112.26\" rx=\"14.0035\" ry=\"14.0035\" style=\"fill:#FF7E7E;fill-rule:evenodd;stroke:#FF7E7E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"204.232\" cy=\"127.926\" rx=\"14.0035\" ry=\"14.0035\" style=\"fill:#4242FF;fill-rule:evenodd;stroke:#4242FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 53.8659,80.9267 L 65.3593,132.167\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 65.3593,132.167 L 26.7308,167.74\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 65.3593,132.167 L 115.481,147.833\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 115.481,147.833 L 126.975,199.073\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 115.481,147.833 L 154.11,112.26\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 154.11,112.26 L 163.41,115.167\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 163.41,115.167 L 172.711,118.074\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:35px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"172.711\" y=\"145.43\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CC(C)CCCO\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"24.5089\" cy=\"105.82\" rx=\"11.7817\" ry=\"11.7817\" style=\"fill:#FF8080;fill-rule:evenodd;stroke:#FF8080;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"61.4387\" cy=\"130.072\" rx=\"11.7817\" ry=\"11.7817\" style=\"fill:#0202FF;fill-rule:evenodd;stroke:#0202FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"58.9005\" cy=\"174.18\" rx=\"11.7817\" ry=\"11.7817\" style=\"fill:#FF9C9C;fill-rule:evenodd;stroke:#FF9C9C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"100.907\" cy=\"110.216\" rx=\"11.7817\" ry=\"11.7817\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"137.836\" cy=\"134.468\" rx=\"11.7817\" ry=\"11.7817\" style=\"fill:#3E3EFF;fill-rule:evenodd;stroke:#3E3EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"177.304\" cy=\"114.612\" rx=\"11.7817\" ry=\"11.7817\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"214.234\" cy=\"138.864\" rx=\"11.7817\" ry=\"11.7817\" style=\"fill:#FF8080;fill-rule:evenodd;stroke:#FF8080;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 24.5089,105.82 L 61.4387,130.072\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 61.4387,130.072 L 58.9005,174.18\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 61.4387,130.072 L 100.907,110.216\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 100.907,110.216 L 137.836,134.468\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 137.836,134.468 L 177.304,114.612\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 177.304,114.612 L 184.556,119.375\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 184.556,119.375 L 191.809,124.137\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"187.715\" y=\"153.591\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CC(O)C(C)(C)C\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"221.893\" cy=\"74.5266\" rx=\"20.1606\" ry=\"20.1606\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"184.092\" cy=\"140\" rx=\"20.1606\" ry=\"20.1606\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"221.893\" cy=\"205.473\" rx=\"20.1606\" ry=\"20.1606\" style=\"fill:#6868FF;fill-rule:evenodd;stroke:#6868FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"108.49\" cy=\"140\" rx=\"20.1606\" ry=\"20.1606\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"108.49\" cy=\"215.602\" rx=\"20.1606\" ry=\"20.1606\" style=\"fill:#6262FF;fill-rule:evenodd;stroke:#6262FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"108.49\" cy=\"64.3978\" rx=\"20.1606\" ry=\"20.1606\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"32.8879\" cy=\"140\" rx=\"20.1606\" ry=\"20.1606\" style=\"fill:#1010FF;fill-rule:evenodd;stroke:#1010FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 221.893,74.5266 L 184.092,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 184.092,140 L 198.663,165.237\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 198.663,165.237 L 213.233,190.473\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 184.092,140 L 108.49,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 108.49,140 L 108.49,215.602\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 108.49,140 L 108.49,64.3978\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 108.49,140 L 32.8879,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"194.882\" y=\"220.473\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCCCC(C)O\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"24.6169\" cy=\"154.507\" rx=\"11.8896\" ry=\"11.8896\" style=\"fill:#4242FF;fill-rule:evenodd;stroke:#4242FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"65.0516\" cy=\"135.72\" rx=\"11.8896\" ry=\"11.8896\" style=\"fill:#5252FF;fill-rule:evenodd;stroke:#5252FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"101.539\" cy=\"161.344\" rx=\"11.8896\" ry=\"11.8896\" style=\"fill:#FF7070;fill-rule:evenodd;stroke:#FF7070;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"141.974\" cy=\"142.557\" rx=\"11.8896\" ry=\"11.8896\" style=\"fill:#FF9696;fill-rule:evenodd;stroke:#FF9696;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"178.461\" cy=\"168.181\" rx=\"11.8896\" ry=\"11.8896\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"218.896\" cy=\"149.394\" rx=\"11.8896\" ry=\"11.8896\" style=\"fill:#FF7A7A;fill-rule:evenodd;stroke:#FF7A7A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"255.383\" cy=\"175.017\" rx=\"11.8896\" ry=\"11.8896\" style=\"fill:#0E0EFF;fill-rule:evenodd;stroke:#0E0EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"222.843\" cy=\"104.983\" rx=\"11.8896\" ry=\"11.8896\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 24.6169,154.507 L 65.0516,135.72\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 65.0516,135.72 L 101.539,161.344\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 101.539,161.344 L 141.974,142.557\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 141.974,142.557 L 178.461,168.181\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 178.461,168.181 L 218.896,149.394\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 218.896,149.394 L 255.383,175.017\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 218.896,149.394 L 220.209,134.619\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 220.209,134.619 L 221.522,119.845\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"196.081\" y=\"119.845\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CC(C)CC(C)CO\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"25.4333\" cy=\"133.407\" rx=\"12.706\" ry=\"12.706\" style=\"fill:#FF8888;fill-rule:evenodd;stroke:#FF8888;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"71.5932\" cy=\"145.221\" rx=\"12.706\" ry=\"12.706\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"84.442\" cy=\"191.103\" rx=\"12.706\" ry=\"12.706\" style=\"fill:#FF7474;fill-rule:evenodd;stroke:#FF7474;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"104.904\" cy=\"111.152\" rx=\"12.706\" ry=\"12.706\" style=\"fill:#4242FF;fill-rule:evenodd;stroke:#4242FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"151.064\" cy=\"122.966\" rx=\"12.706\" ry=\"12.706\" style=\"fill:#FF9090;fill-rule:evenodd;stroke:#FF9090;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"184.375\" cy=\"88.897\" rx=\"12.706\" ry=\"12.706\" style=\"fill:#FF7474;fill-rule:evenodd;stroke:#FF7474;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"163.913\" cy=\"168.848\" rx=\"12.706\" ry=\"12.706\" style=\"fill:#0404FF;fill-rule:evenodd;stroke:#0404FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"210.073\" cy=\"180.662\" rx=\"12.706\" ry=\"12.706\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 25.4333,133.407 L 71.5932,145.221\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 71.5932,145.221 L 84.442,191.103\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 71.5932,145.221 L 104.904,111.152\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 104.904,111.152 L 151.064,122.966\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 151.064,122.966 L 184.375,88.897\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 151.064,122.966 L 163.913,168.848\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 163.913,168.848 L 172.693,171.095\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 172.693,171.095 L 181.473,173.342\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:31px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"181.473\" y=\"196.544\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCC(C)(O)C(C)C\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"30.4234\" cy=\"82.7683\" rx=\"17.6961\" ry=\"17.6961\" style=\"fill:#5A5AFF;fill-rule:evenodd;stroke:#5A5AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"93.8275\" cy=\"63.1817\" rx=\"17.6961\" ry=\"17.6961\" style=\"fill:#5858FF;fill-rule:evenodd;stroke:#5858FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"142.492\" cy=\"108.298\" rx=\"17.6961\" ry=\"17.6961\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"191.157\" cy=\"153.414\" rx=\"17.6961\" ry=\"17.6961\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"187.608\" cy=\"59.6334\" rx=\"17.6961\" ry=\"17.6961\" style=\"fill:#2424FF;fill-rule:evenodd;stroke:#2424FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"97.3757\" cy=\"156.962\" rx=\"17.6961\" ry=\"17.6961\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"116.962\" cy=\"220.367\" rx=\"17.6961\" ry=\"17.6961\" style=\"fill:#6A6AFF;fill-rule:evenodd;stroke:#6A6AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"32.6729\" cy=\"142.223\" rx=\"17.6961\" ry=\"17.6961\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 30.4234,82.7683 L 93.8275,63.1817\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 93.8275,63.1817 L 142.492,108.298\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 142.492,108.298 L 191.157,153.414\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 142.492,108.298 L 158.097,91.4657\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 158.097,91.4657 L 173.702,74.6334\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 142.492,108.298 L 97.3757,156.962\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 97.3757,156.962 L 116.962,220.367\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 97.3757,156.962 L 32.6729,142.223\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"160.597\" y=\"74.6334\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CC(C)(C)C(C)(C)O\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"84.904\" cy=\"83.0183\" rx=\"15.1951\" ry=\"15.1951\" style=\"fill:#7272FF;fill-rule:evenodd;stroke:#7272FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"84.904\" cy=\"140\" rx=\"15.1951\" ry=\"15.1951\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"84.904\" cy=\"196.982\" rx=\"15.1951\" ry=\"15.1951\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"27.9224\" cy=\"140\" rx=\"15.1951\" ry=\"15.1951\" style=\"fill:#6A6AFF;fill-rule:evenodd;stroke:#6A6AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"141.886\" cy=\"140\" rx=\"15.1951\" ry=\"15.1951\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"141.886\" cy=\"83.0183\" rx=\"15.1951\" ry=\"15.1951\" style=\"fill:#7272FF;fill-rule:evenodd;stroke:#7272FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"141.886\" cy=\"196.982\" rx=\"15.1951\" ry=\"15.1951\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"198.867\" cy=\"140\" rx=\"15.1951\" ry=\"15.1951\" style=\"fill:#1A1AFF;fill-rule:evenodd;stroke:#1A1AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 84.904,83.0183 L 84.904,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 84.904,140 L 84.904,196.982\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 84.904,140 L 27.9224,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 84.904,140 L 141.886,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 141.886,140 L 141.886,83.0183\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 141.886,140 L 141.886,196.982\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 141.886,140 L 153.275,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 153.275,140 L 164.665,140\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:37px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"164.665\" y=\"158.994\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCCC(C)(O)CC\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"24.4987\" cy=\"132.262\" rx=\"11.7714\" ry=\"11.7714\" style=\"fill:#4C4CFF;fill-rule:evenodd;stroke:#4C4CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"63.7953\" cy=\"112.153\" rx=\"11.7714\" ry=\"11.7714\" style=\"fill:#FF9292;fill-rule:evenodd;stroke:#FF9292;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"100.858\" cy=\"136.131\" rx=\"11.7714\" ry=\"11.7714\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140.155\" cy=\"116.022\" rx=\"11.7714\" ry=\"11.7714\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"177.218\" cy=\"140\" rx=\"11.7714\" ry=\"11.7714\" style=\"fill:#5C5CFF;fill-rule:evenodd;stroke:#5C5CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"153.24\" cy=\"177.063\" rx=\"11.7714\" ry=\"11.7714\" style=\"fill:#FF9494;fill-rule:evenodd;stroke:#FF9494;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"214.28\" cy=\"163.978\" rx=\"11.7714\" ry=\"11.7714\" style=\"fill:#4C4CFF;fill-rule:evenodd;stroke:#4C4CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"201.195\" cy=\"102.937\" rx=\"11.7714\" ry=\"11.7714\" style=\"fill:#2020FF;fill-rule:evenodd;stroke:#2020FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"245.281\" cy=\"105.171\" rx=\"11.7714\" ry=\"11.7714\" style=\"fill:#FFA6A6;fill-rule:evenodd;stroke:#FFA6A6;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 24.4987,132.262 L 63.7953,112.153\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 63.7953,112.153 L 100.858,136.131\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 100.858,136.131 L 140.155,116.022\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 140.155,116.022 L 177.218,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 177.218,140 L 153.24,177.063\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 177.218,140 L 184.377,144.632\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 184.377,144.632 L 191.536,149.263\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 177.218,140 L 201.195,102.937\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 201.195,102.937 L 245.281,105.171\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"187.784\" y=\"178.692\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCCCCCCCCO\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"19.4298\" cy=\"146.284\" rx=\"6.70249\" ry=\"6.70249\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"41.1967\" cy=\"133.716\" rx=\"6.70249\" ry=\"6.70249\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"62.9637\" cy=\"146.284\" rx=\"6.70249\" ry=\"6.70249\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"84.7307\" cy=\"133.716\" rx=\"6.70249\" ry=\"6.70249\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"106.498\" cy=\"146.284\" rx=\"6.70249\" ry=\"6.70249\" style=\"fill:#FF9696;fill-rule:evenodd;stroke:#FF9696;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"128.265\" cy=\"133.716\" rx=\"6.70249\" ry=\"6.70249\" style=\"fill:#FF7070;fill-rule:evenodd;stroke:#FF7070;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"150.032\" cy=\"146.284\" rx=\"6.70249\" ry=\"6.70249\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"171.799\" cy=\"133.716\" rx=\"6.70249\" ry=\"6.70249\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"193.566\" cy=\"146.284\" rx=\"6.70249\" ry=\"6.70249\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"215.332\" cy=\"133.716\" rx=\"6.70249\" ry=\"6.70249\" style=\"fill:#3A3AFF;fill-rule:evenodd;stroke:#3A3AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"237.099\" cy=\"146.284\" rx=\"6.70249\" ry=\"6.70249\" style=\"fill:#0202FF;fill-rule:evenodd;stroke:#0202FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 19.4298,146.284 L 41.1967,133.716\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 41.1967,133.716 L 62.9637,146.284\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 62.9637,146.284 L 84.7307,133.716\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 84.7307,133.716 L 106.498,146.284\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 106.498,146.284 L 128.265,133.716\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 128.265,133.716 L 150.032,146.284\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 150.032,146.284 L 171.799,133.716\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 171.799,133.716 L 193.566,146.284\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 193.566,146.284 L 215.332,133.716\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 215.332,133.716 L 218.96,135.811\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 218.96,135.811 L 222.588,137.905\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:16px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"222.013\" y=\"154.662\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Cc1ccc(CO)cc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"25.1939\" cy=\"153.519\" rx=\"12.4666\" ry=\"12.4666\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"71.4525\" cy=\"146.76\" rx=\"12.4666\" ry=\"12.4666\" style=\"fill:#FF7272;fill-rule:evenodd;stroke:#FF7272;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"88.7278\" cy=\"103.319\" rx=\"12.4666\" ry=\"12.4666\" style=\"fill:#FF7878;fill-rule:evenodd;stroke:#FF7878;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"134.986\" cy=\"96.5591\" rx=\"12.4666\" ry=\"12.4666\" style=\"fill:#FF7272;fill-rule:evenodd;stroke:#FF7272;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"163.97\" cy=\"133.24\" rx=\"12.4666\" ry=\"12.4666\" style=\"fill:#5252FF;fill-rule:evenodd;stroke:#5252FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"210.228\" cy=\"126.481\" rx=\"12.4666\" ry=\"12.4666\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"239.212\" cy=\"163.162\" rx=\"12.4666\" ry=\"12.4666\" style=\"fill:#FF7878;fill-rule:evenodd;stroke:#FF7878;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"146.694\" cy=\"176.681\" rx=\"12.4666\" ry=\"12.4666\" style=\"fill:#0404FF;fill-rule:evenodd;stroke:#0404FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"100.436\" cy=\"183.441\" rx=\"12.4666\" ry=\"12.4666\" style=\"fill:#FF9C9C;fill-rule:evenodd;stroke:#FF9C9C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 25.1939,153.519 L 71.4525,146.76\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 71.4525,146.76 L 88.7278,103.319\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 82.732,143.699 L 94.8247,113.29\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 71.4525,146.76 L 100.436,183.441\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 88.7278,103.319 L 134.986,96.5591\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 134.986,96.5591 L 163.97,133.24\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 131.998,107.858 L 152.286,133.535\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 163.97,133.24 L 210.228,126.481\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 163.97,133.24 L 146.694,176.681\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 210.228,126.481 L 218.563,137.03\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 218.563,137.03 L 226.899,147.579\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 146.694,176.681 L 100.436,183.441\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 138.404,168.444 L 106.023,173.175\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:31px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"211.15\" y=\"178.745\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Oc1ccccc1O\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"192.104\" cy=\"202.615\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#5050FF;fill-rule:evenodd;stroke:#5050FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"137.878\" cy=\"171.308\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"83.6512\" cy=\"202.615\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#BEBEFF;fill-rule:evenodd;stroke:#BEBEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"29.4247\" cy=\"171.308\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"29.4247\" cy=\"108.692\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"83.6512\" cy=\"77.3846\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#5050FF;fill-rule:evenodd;stroke:#5050FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"137.878\" cy=\"108.692\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"192.104\" cy=\"77.3846\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#BEBEFF;fill-rule:evenodd;stroke:#BEBEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 166.123,187.615 L 152.001,179.462\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 152.001,179.462 L 137.878,171.308\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 137.878,171.308 L 83.6512,202.615\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 123.482,165.159 L 85.5236,187.074\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 137.878,171.308 L 137.878,108.692\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 83.6512,202.615 L 29.4247,171.308\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 29.4247,171.308 L 29.4247,108.692\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 41.9478,161.915 L 41.9478,118.085\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 29.4247,108.692 L 83.6512,77.3846\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 83.6512,77.3846 L 137.878,108.692\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 85.5236,92.9261 L 123.482,114.841\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 137.878,108.692 L 152.001,100.538\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 152.001,100.538 L 166.123,92.3846\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"165.093\" y=\"217.615\"><tspan>OH</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"165.093\" y=\"92.3846\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Cc1cccc(O)c1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"26.4923\" cy=\"191.619\" rx=\"13.765\" ry=\"13.765\" style=\"fill:#FF7272;fill-rule:evenodd;stroke:#FF7272;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"71.1956\" cy=\"165.809\" rx=\"13.765\" ry=\"13.765\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"71.1956\" cy=\"114.191\" rx=\"13.765\" ry=\"13.765\" style=\"fill:#FF9C9C;fill-rule:evenodd;stroke:#FF9C9C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"115.899\" cy=\"88.3811\" rx=\"13.765\" ry=\"13.765\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"160.602\" cy=\"114.191\" rx=\"13.765\" ry=\"13.765\" style=\"fill:#B0B0FF;fill-rule:evenodd;stroke:#B0B0FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"160.602\" cy=\"165.809\" rx=\"13.765\" ry=\"13.765\" style=\"fill:#B6B6FF;fill-rule:evenodd;stroke:#B6B6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"205.305\" cy=\"191.619\" rx=\"13.765\" ry=\"13.765\" style=\"fill:#4444FF;fill-rule:evenodd;stroke:#4444FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"115.899\" cy=\"191.619\" rx=\"13.765\" ry=\"13.765\" style=\"fill:#FF8686;fill-rule:evenodd;stroke:#FF8686;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 26.4923,191.619 L 71.1956,165.809\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 71.1956,165.809 L 71.1956,114.191\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 81.5193,158.067 L 81.5193,121.933\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 71.1956,165.809 L 115.899,191.619\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 71.1956,114.191 L 115.899,88.3811\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 115.899,88.3811 L 160.602,114.191\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 117.442,101.193 L 148.735,119.26\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 160.602,114.191 L 160.602,165.809\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 160.602,165.809 L 168.053,170.111\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 168.053,170.111 L 175.503,174.413\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 160.602,165.809 L 115.899,191.619\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 148.735,160.74 L 117.442,178.807\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:34px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"174.322\" y=\"208.825\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Cc1ccc(C(C)C)c(O)c1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"26.1031\" cy=\"128.842\" rx=\"13.3758\" ry=\"13.3758\" style=\"fill:#FFC2C2;fill-rule:evenodd;stroke:#FFC2C2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"76.1836\" cy=\"126.035\" rx=\"13.3758\" ry=\"13.3758\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"98.7926\" cy=\"81.2602\" rx=\"13.3758\" ry=\"13.3758\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"148.873\" cy=\"78.4527\" rx=\"13.3758\" ry=\"13.3758\" style=\"fill:#FFC2C2;fill-rule:evenodd;stroke:#FFC2C2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"176.345\" cy=\"120.42\" rx=\"13.3758\" ry=\"13.3758\" style=\"fill:#FFC4C4;fill-rule:evenodd;stroke:#FFC4C4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"226.425\" cy=\"117.613\" rx=\"13.3758\" ry=\"13.3758\" style=\"fill:#FF8888;fill-rule:evenodd;stroke:#FF8888;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"253.897\" cy=\"159.58\" rx=\"13.3758\" ry=\"13.3758\" style=\"fill:#3232FF;fill-rule:evenodd;stroke:#3232FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"249.034\" cy=\"72.8378\" rx=\"13.3758\" ry=\"13.3758\" style=\"fill:#9090FF;fill-rule:evenodd;stroke:#9090FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"153.736\" cy=\"165.195\" rx=\"13.3758\" ry=\"13.3758\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"181.207\" cy=\"207.162\" rx=\"13.3758\" ry=\"13.3758\" style=\"fill:#5C5CFF;fill-rule:evenodd;stroke:#5C5CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"103.655\" cy=\"168.002\" rx=\"13.3758\" ry=\"13.3758\" style=\"fill:#FFE4E4;fill-rule:evenodd;stroke:#FFE4E4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 26.1031,128.842 L 76.1836,126.035\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 76.1836,126.035 L 98.7926,81.2602\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 88.5299,123.841 L 104.356,92.4982\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 76.1836,126.035 L 103.655,168.002\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 98.7926,81.2602 L 148.873,78.4527\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 148.873,78.4527 L 176.345,120.42\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 144.6,90.2422 L 163.831,119.619\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 176.345,120.42 L 226.425,117.613\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 176.345,120.42 L 153.736,165.195\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 226.425,117.613 L 253.897,159.58\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 226.425,117.613 L 249.034,72.8378\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 153.736,165.195 L 161.999,177.819\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 161.999,177.819 L 170.263,190.442\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 153.736,165.195 L 103.655,168.002\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 145.662,155.6 L 110.606,157.565\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:33px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"151.1\" y=\"223.882\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Oc1ccc2ccccc2c1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"63.852\" cy=\"115.027\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#4242FF;fill-rule:evenodd;stroke:#4242FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"103.581\" cy=\"130.364\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#FF8686;fill-rule:evenodd;stroke:#FF8686;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"110.164\" cy=\"172.439\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#FF7474;fill-rule:evenodd;stroke:#FF7474;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"149.893\" cy=\"187.776\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#FF9090;fill-rule:evenodd;stroke:#FF9090;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"183.04\" cy=\"161.038\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"222.769\" cy=\"176.374\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#B4B4FF;fill-rule:evenodd;stroke:#B4B4FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"255.916\" cy=\"149.636\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"249.334\" cy=\"107.561\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#AEAEFF;fill-rule:evenodd;stroke:#AEAEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"209.604\" cy=\"92.2242\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"176.457\" cy=\"118.962\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#FF9090;fill-rule:evenodd;stroke:#FF9090;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"136.728\" cy=\"103.626\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#FF8686;fill-rule:evenodd;stroke:#FF8686;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 89.4143,124.895 L 96.4978,127.629\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 96.4978,127.629 L 103.581,130.364\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 103.581,130.364 L 110.164,172.439\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 112.984,135.359 L 117.592,164.811\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 103.581,130.364 L 136.728,103.626\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 110.164,172.439 L 149.893,187.776\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 149.893,187.776 L 183.04,161.038\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 149.518,177.136 L 172.72,158.419\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 183.04,161.038 L 222.769,176.374\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 183.04,161.038 L 176.457,118.962\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 222.769,176.374 L 255.916,149.636\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 222.394,165.734 L 245.597,147.017\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 255.916,149.636 L 249.334,107.561\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 249.334,107.561 L 209.604,92.2242\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 240.307,113.206 L 212.496,102.471\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 209.604,92.2242 L 176.457,118.962\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 176.457,118.962 L 136.728,103.626\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 167.431,124.608 L 139.62,113.872\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:28px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"38.2896\" y=\"129.223\"><tspan>HO</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCC=O\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"28.3193\" cy=\"154.618\" rx=\"15.5921\" ry=\"15.5921\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"78.9561\" cy=\"125.382\" rx=\"15.5921\" ry=\"15.5921\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"129.593\" cy=\"154.618\" rx=\"15.5921\" ry=\"15.5921\" style=\"fill:#0E0EFF;fill-rule:evenodd;stroke:#0E0EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"180.23\" cy=\"125.382\" rx=\"15.5921\" ry=\"15.5921\" style=\"fill:#2E2EFF;fill-rule:evenodd;stroke:#2E2EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"230.866\" cy=\"154.618\" rx=\"15.5921\" ry=\"15.5921\" style=\"fill:#FFA2A2;fill-rule:evenodd;stroke:#FFA2A2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 28.3193,154.618 L 78.9561,125.382\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 78.9561,125.382 L 129.593,154.618\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 129.593,154.618 L 180.23,125.382\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 177.306,130.446 L 193.523,139.809\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 193.523,139.809 L 209.74,149.172\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 183.153,120.319 L 199.37,129.682\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 199.37,129.682 L 215.587,139.044\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:38px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"212.663\" y=\"174.108\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCCCCCCC=O\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"20.5374\" cy=\"145.304\" rx=\"7.81009\" ry=\"7.81009\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"46.1561\" cy=\"131.111\" rx=\"7.81009\" ry=\"7.81009\" style=\"fill:#2E2EFF;fill-rule:evenodd;stroke:#2E2EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"71.2575\" cy=\"146.201\" rx=\"7.81009\" ry=\"7.81009\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"96.8763\" cy=\"132.007\" rx=\"7.81009\" ry=\"7.81009\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"121.978\" cy=\"147.097\" rx=\"7.81009\" ry=\"7.81009\" style=\"fill:#FF9898;fill-rule:evenodd;stroke:#FF9898;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"147.596\" cy=\"132.903\" rx=\"7.81009\" ry=\"7.81009\" style=\"fill:#FF7070;fill-rule:evenodd;stroke:#FF7070;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"172.698\" cy=\"147.993\" rx=\"7.81009\" ry=\"7.81009\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"198.317\" cy=\"133.799\" rx=\"7.81009\" ry=\"7.81009\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"223.418\" cy=\"148.889\" rx=\"7.81009\" ry=\"7.81009\" style=\"fill:#FF8A8A;fill-rule:evenodd;stroke:#FF8A8A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"249.037\" cy=\"134.696\" rx=\"7.81009\" ry=\"7.81009\" style=\"fill:#0E0EFF;fill-rule:evenodd;stroke:#0E0EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 20.5374,145.304 L 46.1561,131.111\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 46.1561,131.111 L 71.2575,146.201\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 71.2575,146.201 L 96.8763,132.007\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 96.8763,132.007 L 121.978,147.097\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 121.978,147.097 L 147.596,132.903\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 147.596,132.903 L 172.698,147.993\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 172.698,147.993 L 198.317,133.799\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 198.317,133.799 L 223.418,148.889\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 224.837,151.451 L 233.088,146.88\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 233.088,146.88 L 241.338,142.309\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 221.999,146.327 L 230.249,141.756\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 230.249,141.756 L 238.499,137.185\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:19px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"239.919\" y=\"144.458\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"O=Cc1ccco1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"50.7664\" cy=\"119.109\" rx=\"16.2913\" ry=\"16.2913\" style=\"fill:#3A3AFF;fill-rule:evenodd;stroke:#3A3AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"93.072\" cy=\"163.183\" rx=\"16.2913\" ry=\"16.2913\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"152.394\" cy=\"148.582\" rx=\"16.2913\" ry=\"16.2913\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"199.075\" cy=\"187.992\" rx=\"16.2913\" ry=\"16.2913\" style=\"fill:#D8D8FF;fill-rule:evenodd;stroke:#D8D8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"250.981\" cy=\"155.775\" rx=\"16.2913\" ry=\"16.2913\" style=\"fill:#8080FF;fill-rule:evenodd;stroke:#8080FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"236.381\" cy=\"96.4528\" rx=\"16.2913\" ry=\"16.2913\" style=\"fill:#5858FF;fill-rule:evenodd;stroke:#5858FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"175.45\" cy=\"92.0075\" rx=\"16.2913\" ry=\"16.2913\" style=\"fill:#FFE2E2;fill-rule:evenodd;stroke:#FFE2E2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 60.3686,137.935 L 74.5166,152.674\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 74.5166,152.674 L 88.6646,167.414\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 69.1834,129.474 L 83.3314,144.213\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 83.3314,144.213 L 97.4794,158.952\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 93.072,163.183 L 152.394,148.582\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 152.394,148.582 L 199.075,187.992\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 167.278,145.158 L 199.955,172.745\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 152.394,148.582 L 160.866,127.795\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 160.866,127.795 L 169.337,107.008\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 199.075,187.992 L 250.981,155.775\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 250.981,155.775 L 236.381,96.4528\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 236.927,149.797 L 226.706,108.271\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 236.381,96.4528 L 212.92,94.7412\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 212.92,94.7412 L 189.46,93.0296\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"36.7568\" y=\"134.109\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"161.441\" y=\"107.008\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"O=C1CCCCC1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"226.522\" cy=\"140\" rx=\"17.4526\" ry=\"17.4526\" style=\"fill:#2626FF;fill-rule:evenodd;stroke:#2626FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"161.075\" cy=\"140\" rx=\"17.4526\" ry=\"17.4526\" style=\"fill:#4A4AFF;fill-rule:evenodd;stroke:#4A4AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"128.351\" cy=\"196.679\" rx=\"17.4526\" ry=\"17.4526\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"62.9036\" cy=\"196.679\" rx=\"17.4526\" ry=\"17.4526\" style=\"fill:#4A4AFF;fill-rule:evenodd;stroke:#4A4AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"30.1799\" cy=\"140\" rx=\"17.4526\" ry=\"17.4526\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"62.9036\" cy=\"83.3209\" rx=\"17.4526\" ry=\"17.4526\" style=\"fill:#FFB8B8;fill-rule:evenodd;stroke:#FFB8B8;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"128.351\" cy=\"83.3209\" rx=\"17.4526\" ry=\"17.4526\" style=\"fill:#FFB8B8;fill-rule:evenodd;stroke:#FFB8B8;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 212.512,133.455 L 186.794,133.455\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 186.794,133.455 L 161.075,133.455\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 212.512,146.545 L 186.794,146.545\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 186.794,146.545 L 161.075,146.545\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 161.075,140 L 128.351,196.679\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 161.075,140 L 128.351,83.3209\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 128.351,196.679 L 62.9036,196.679\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 62.9036,196.679 L 30.1799,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 30.1799,140 L 62.9036,83.3209\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 62.9036,83.3209 L 128.351,83.3209\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"212.512\" y=\"155\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCCCCCC(C)=O\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"21.84\" cy=\"152.137\" rx=\"9.1127\" ry=\"9.1127\" style=\"fill:#4A4AFF;fill-rule:evenodd;stroke:#4A4AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"52.415\" cy=\"136.875\" rx=\"9.1127\" ry=\"9.1127\" style=\"fill:#4646FF;fill-rule:evenodd;stroke:#4646FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"80.92\" cy=\"155.722\" rx=\"9.1127\" ry=\"9.1127\" style=\"fill:#FF7070;fill-rule:evenodd;stroke:#FF7070;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"111.495\" cy=\"140.46\" rx=\"9.1127\" ry=\"9.1127\" style=\"fill:#FF9494;fill-rule:evenodd;stroke:#FF9494;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"159.308\" rx=\"9.1127\" ry=\"9.1127\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"170.575\" cy=\"144.046\" rx=\"9.1127\" ry=\"9.1127\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"199.08\" cy=\"162.893\" rx=\"9.1127\" ry=\"9.1127\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"229.655\" cy=\"147.631\" rx=\"9.1127\" ry=\"9.1127\" style=\"fill:#FFC2C2;fill-rule:evenodd;stroke:#FFC2C2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"258.16\" cy=\"166.479\" rx=\"9.1127\" ry=\"9.1127\" style=\"fill:#2828FF;fill-rule:evenodd;stroke:#2828FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"231.725\" cy=\"113.521\" rx=\"9.1127\" ry=\"9.1127\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 21.84,152.137 L 52.415,136.875\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 52.415,136.875 L 80.92,155.722\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 80.92,155.722 L 111.495,140.46\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 111.495,140.46 L 140,159.308\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 140,159.308 L 170.575,144.046\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 170.575,144.046 L 199.08,162.893\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 199.08,162.893 L 229.655,147.631\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 229.655,147.631 L 258.16,166.479\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 233.066,147.838 L 233.755,136.479\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 233.755,136.479 L 234.445,125.119\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 226.244,147.424 L 226.933,136.065\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 226.933,136.065 L 227.623,124.705\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:22px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"221.086\" y=\"124.912\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"O=C1C=CC(=O)C=C1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"237.057\" cy=\"140\" rx=\"12.9409\" ry=\"12.9409\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"188.528\" cy=\"140\" rx=\"12.9409\" ry=\"12.9409\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"164.264\" cy=\"182.027\" rx=\"12.9409\" ry=\"12.9409\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"115.736\" cy=\"182.027\" rx=\"12.9409\" ry=\"12.9409\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"91.4717\" cy=\"140\" rx=\"12.9409\" ry=\"12.9409\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"42.9434\" cy=\"140\" rx=\"12.9409\" ry=\"12.9409\" style=\"fill:#7E7EFF;fill-rule:evenodd;stroke:#7E7EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"115.736\" cy=\"97.9733\" rx=\"12.9409\" ry=\"12.9409\" style=\"fill:#7E7EFF;fill-rule:evenodd;stroke:#7E7EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"164.264\" cy=\"97.9733\" rx=\"12.9409\" ry=\"12.9409\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 221.949,135.147 L 205.238,135.147\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 205.238,135.147 L 188.528,135.147\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 221.949,144.853 L 205.238,144.853\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 205.238,144.853 L 188.528,144.853\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 188.528,140 L 164.264,182.027\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 188.528,140 L 164.264,97.9733\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 164.264,182.027 L 115.736,182.027\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 156.985,172.321 L 123.015,172.321\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 115.736,182.027 L 91.4717,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 91.4717,135.147 L 74.7616,135.147\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 74.7616,135.147 L 58.0514,135.147\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 91.4717,144.853 L 74.7616,144.853\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 74.7616,144.853 L 58.0514,144.853\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 91.4717,140 L 115.736,97.9733\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 115.736,97.9733 L 164.264,97.9733\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 123.015,107.679 L 156.985,107.679\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:32px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"221.949\" y=\"156.176\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:32px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"27.8353\" y=\"156.176\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"O=C(c1ccccc1)c1ccccc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"140\" cy=\"206.641\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#1212FF;fill-rule:evenodd;stroke:#1212FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"162.214\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF8484;fill-rule:evenodd;stroke:#FF8484;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"178.475\" cy=\"140\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF8A8A;fill-rule:evenodd;stroke:#FF8A8A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"216.95\" cy=\"162.214\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"255.425\" cy=\"140\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"255.425\" cy=\"95.5727\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"216.95\" cy=\"73.3591\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF8A8A;fill-rule:evenodd;stroke:#FF8A8A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"178.475\" cy=\"95.5727\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#5050FF;fill-rule:evenodd;stroke:#5050FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"101.525\" cy=\"140\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"101.525\" cy=\"95.5727\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"63.0497\" cy=\"73.3591\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF8484;fill-rule:evenodd;stroke:#FF8484;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"24.5745\" cy=\"95.5727\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#5050FF;fill-rule:evenodd;stroke:#5050FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"24.5745\" cy=\"140\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF8A8A;fill-rule:evenodd;stroke:#FF8A8A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"63.0497\" cy=\"162.214\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF8A8A;fill-rule:evenodd;stroke:#FF8A8A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 144.443,191.832 L 144.443,177.023\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 144.443,177.023 L 144.443,162.214\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 135.557,191.832 L 135.557,177.023\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 135.557,177.023 L 135.557,162.214\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 140,162.214 L 178.475,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 140,162.214 L 101.525,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 178.475,140 L 216.95,162.214\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 188.689,135.637 L 215.622,151.187\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 178.475,140 L 178.475,95.5727\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 216.95,162.214 L 255.425,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 255.425,140 L 255.425,95.5727\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 246.54,133.336 L 246.54,102.237\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 255.425,95.5727 L 216.95,73.3591\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 216.95,73.3591 L 178.475,95.5727\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 215.622,84.3862 L 188.689,99.9357\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 101.525,140 L 101.525,95.5727\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 92.6394,133.336 L 92.6394,102.237\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 101.525,140 L 63.0497,162.214\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 101.525,95.5727 L 63.0497,73.3591\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 63.0497,73.3591 L 24.5745,95.5727\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 61.7212,84.3862 L 34.7885,99.9357\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 24.5745,95.5727 L 24.5745,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 24.5745,140 L 63.0497,162.214\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 34.7885,135.637 L 61.7212,151.187\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"126.169\" y=\"221.45\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"O=C(O)CCC(=O)O\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"198.677\" cy=\"178.112\" rx=\"10.3496\" ry=\"10.3496\" style=\"fill:#FFEEEE;fill-rule:evenodd;stroke:#FFEEEE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"191.342\" cy=\"140\" rx=\"10.3496\" ry=\"10.3496\" style=\"fill:#FFEEEE;fill-rule:evenodd;stroke:#FFEEEE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"220.681\" cy=\"114.592\" rx=\"10.3496\" ry=\"10.3496\" style=\"fill:#DADAFF;fill-rule:evenodd;stroke:#DADAFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"154.669\" cy=\"127.296\" rx=\"10.3496\" ry=\"10.3496\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"125.331\" cy=\"152.704\" rx=\"10.3496\" ry=\"10.3496\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"88.6577\" cy=\"140\" rx=\"10.3496\" ry=\"10.3496\" style=\"fill:#DADAFF;fill-rule:evenodd;stroke:#DADAFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"81.3231\" cy=\"101.888\" rx=\"10.3496\" ry=\"10.3496\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"59.3193\" cy=\"165.408\" rx=\"10.3496\" ry=\"10.3496\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 199.998,164.441 L 197.576,151.854\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 197.576,151.854 L 195.153,139.267\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 192.376,165.908 L 189.954,153.321\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 189.954,153.321 L 187.531,140.733\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 191.342,140 L 198.542,133.765\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 198.542,133.765 L 205.742,127.529\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 191.342,140 L 154.669,127.296\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 154.669,127.296 L 125.331,152.704\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 125.331,152.704 L 88.6577,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 92.4689,139.267 L 90.0464,126.679\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 90.0464,126.679 L 87.624,114.092\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 84.8465,140.733 L 82.4241,128.146\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 82.4241,128.146 L 80.0017,115.559\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 88.6577,140 L 81.4577,146.235\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 81.4577,146.235 L 74.2577,152.471\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:25px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"186.594\" y=\"191.049\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:25px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"197.385\" y=\"127.529\"><tspan>OH</tspan></text>\n",
"<text style=\"font-size:25px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"69.2402\" y=\"114.825\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:25px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"36.0233\" y=\"178.345\"><tspan>HO</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCCCCCCCC(=O)O\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"19.4353\" cy=\"149.717\" rx=\"6.70807\" ry=\"6.70807\" style=\"fill:#FF7070;fill-rule:evenodd;stroke:#FF7070;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"41.7542\" cy=\"138.113\" rx=\"6.70807\" ry=\"6.70807\" style=\"fill:#FF7A7A;fill-rule:evenodd;stroke:#FF7A7A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"62.9631\" cy=\"151.639\" rx=\"6.70807\" ry=\"6.70807\" style=\"fill:#FF7A7A;fill-rule:evenodd;stroke:#FF7A7A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"85.282\" cy=\"140.035\" rx=\"6.70807\" ry=\"6.70807\" style=\"fill:#FF7A7A;fill-rule:evenodd;stroke:#FF7A7A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"106.491\" cy=\"153.562\" rx=\"6.70807\" ry=\"6.70807\" style=\"fill:#FF7A7A;fill-rule:evenodd;stroke:#FF7A7A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"128.81\" cy=\"141.957\" rx=\"6.70807\" ry=\"6.70807\" style=\"fill:#FFBCBC;fill-rule:evenodd;stroke:#FFBCBC;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"150.019\" cy=\"155.484\" rx=\"6.70807\" ry=\"6.70807\" style=\"fill:#6262FF;fill-rule:evenodd;stroke:#6262FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"172.338\" cy=\"143.88\" rx=\"6.70807\" ry=\"6.70807\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"193.547\" cy=\"157.406\" rx=\"6.70807\" ry=\"6.70807\" style=\"fill:#4444FF;fill-rule:evenodd;stroke:#4444FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"215.865\" cy=\"145.802\" rx=\"6.70807\" ry=\"6.70807\" style=\"fill:#3636FF;fill-rule:evenodd;stroke:#3636FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"216.975\" cy=\"120.671\" rx=\"6.70807\" ry=\"6.70807\" style=\"fill:#FF9292;fill-rule:evenodd;stroke:#FF9292;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"237.074\" cy=\"159.329\" rx=\"6.70807\" ry=\"6.70807\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 19.4353,149.717 L 41.7542,138.113\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 41.7542,138.113 L 62.9631,151.639\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 62.9631,151.639 L 85.282,140.035\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 85.282,140.035 L 106.491,153.562\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 106.491,153.562 L 128.81,141.957\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 128.81,141.957 L 150.019,155.484\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 150.019,155.484 L 172.338,143.88\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 172.338,143.88 L 193.547,157.406\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 193.547,157.406 L 215.865,145.802\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 218.378,145.913 L 218.748,137.54\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 218.748,137.54 L 219.118,129.167\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 213.352,145.691 L 213.722,137.318\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 213.722,137.318 L 214.092,128.945\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 215.865,145.802 L 219.896,148.373\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 219.896,148.373 L 223.927,150.944\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:16px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"209.144\" y=\"129.056\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:16px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"221.975\" y=\"167.714\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Cc1cccc(C(=O)O)c1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"26.471\" cy=\"199.822\" rx=\"13.7437\" ry=\"13.7437\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"62.833\" cy=\"163.297\" rx=\"13.7437\" ry=\"13.7437\" style=\"fill:#FFB4B4;fill-rule:evenodd;stroke:#FFB4B4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"49.3823\" cy=\"113.544\" rx=\"13.7437\" ry=\"13.7437\" style=\"fill:#4646FF;fill-rule:evenodd;stroke:#4646FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"85.7442\" cy=\"77.0193\" rx=\"13.7437\" ry=\"13.7437\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"135.557\" cy=\"90.2471\" rx=\"13.7437\" ry=\"13.7437\" style=\"fill:#FFA0A0;fill-rule:evenodd;stroke:#FFA0A0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"149.007\" cy=\"140\" rx=\"13.7437\" ry=\"13.7437\" style=\"fill:#7676FF;fill-rule:evenodd;stroke:#7676FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"198.82\" cy=\"153.228\" rx=\"13.7437\" ry=\"13.7437\" style=\"fill:#FF8888;fill-rule:evenodd;stroke:#FF8888;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"235.182\" cy=\"116.703\" rx=\"13.7437\" ry=\"13.7437\" style=\"fill:#FF8E8E;fill-rule:evenodd;stroke:#FF8E8E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"212.271\" cy=\"202.981\" rx=\"13.7437\" ry=\"13.7437\" style=\"fill:#5A5AFF;fill-rule:evenodd;stroke:#5A5AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"112.646\" cy=\"176.525\" rx=\"13.7437\" ry=\"13.7437\" style=\"fill:#FF8C8C;fill-rule:evenodd;stroke:#FF8C8C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 26.471,199.822 L 62.833,163.297\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 62.833,163.297 L 49.3823,113.544\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 70.7659,153.144 L 61.3505,118.317\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 62.833,163.297 L 112.646,176.525\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 49.3823,113.544 L 85.7442,77.0193\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 85.7442,77.0193 L 135.557,90.2471\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 90.5706,88.966 L 125.439,98.2255\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 135.557,90.2471 L 149.007,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 149.007,140 L 198.82,153.228\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 149.007,140 L 112.646,176.525\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 136.248,138.206 L 110.795,163.774\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 202.473,156.864 L 212.631,146.66\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 212.631,146.66 L 222.789,136.456\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 195.168,149.592 L 205.326,139.388\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 205.326,139.388 L 215.484,129.184\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 198.82,153.228 L 203.223,169.514\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 203.223,169.514 L 207.626,185.801\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:34px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"219.137\" y=\"133.882\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:34px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"181.335\" y=\"220.16\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"O=C(O)C=Cc1ccccc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"73.3932\" cy=\"175.295\" rx=\"10.081\" ry=\"10.081\" style=\"fill:#6262FF;fill-rule:evenodd;stroke:#6262FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"84.1315\" cy=\"139.048\" rx=\"10.081\" ry=\"10.081\" style=\"fill:#FF7E7E;fill-rule:evenodd;stroke:#FF7E7E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"58.1101\" cy=\"111.625\" rx=\"10.081\" ry=\"10.081\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"120.891\" cy=\"130.224\" rx=\"10.081\" ry=\"10.081\" style=\"fill:#4E4EFF;fill-rule:evenodd;stroke:#4E4EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"146.913\" cy=\"157.647\" rx=\"10.081\" ry=\"10.081\" style=\"fill:#B8B8FF;fill-rule:evenodd;stroke:#B8B8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"183.672\" cy=\"148.824\" rx=\"10.081\" ry=\"10.081\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"194.411\" cy=\"112.577\" rx=\"10.081\" ry=\"10.081\" style=\"fill:#FF7E7E;fill-rule:evenodd;stroke:#FF7E7E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"231.17\" cy=\"103.753\" rx=\"10.081\" ry=\"10.081\" style=\"fill:#FF9898;fill-rule:evenodd;stroke:#FF9898;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"257.192\" cy=\"131.176\" rx=\"10.081\" ry=\"10.081\" style=\"fill:#FF7474;fill-rule:evenodd;stroke:#FF7474;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"246.453\" cy=\"167.423\" rx=\"10.081\" ry=\"10.081\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"209.694\" cy=\"176.247\" rx=\"10.081\" ry=\"10.081\" style=\"fill:#FF7A7A;fill-rule:evenodd;stroke:#FF7A7A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 80.7511,163.767 L 84.2536,151.945\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 84.2536,151.945 L 87.7562,140.122\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 73.5017,161.62 L 77.0043,149.797\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 77.0043,149.797 L 80.5068,137.974\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 84.1315,139.048 L 77.0994,131.637\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 77.0994,131.637 L 70.0673,124.226\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 84.1315,139.048 L 120.891,130.224\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 120.891,130.224 L 146.913,157.647\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 119.31,139.542 L 137.525,158.738\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 146.913,157.647 L 183.672,148.824\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 183.672,148.824 L 194.411,112.577\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 192.532,145.534 L 200.049,120.162\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 183.672,148.824 L 209.694,176.247\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 194.411,112.577 L 231.17,103.753\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 231.17,103.753 L 257.192,131.176\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 229.589,113.071 L 247.804,132.267\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 257.192,131.176 L 246.453,167.423\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 246.453,167.423 L 209.694,176.247\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 239.175,161.395 L 213.443,167.571\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:25px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"61.6239\" y=\"187.896\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:25px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"35.4187\" y=\"124.226\"><tspan>HO</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"O=C(O)Cc1cccc2ccccc12\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"74.6905\" cy=\"155.432\" rx=\"10.066\" ry=\"10.066\" style=\"fill:#6262FF;fill-rule:evenodd;stroke:#6262FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"84.6181\" cy=\"119.013\" rx=\"10.066\" ry=\"10.066\" style=\"fill:#FF7272;fill-rule:evenodd;stroke:#FF7272;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"58.0424\" cy=\"92.2065\" rx=\"10.066\" ry=\"10.066\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"121.121\" cy=\"109.402\" rx=\"10.066\" ry=\"10.066\" style=\"fill:#FF8888;fill-rule:evenodd;stroke:#FF8888;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"147.697\" cy=\"136.208\" rx=\"10.066\" ry=\"10.066\" style=\"fill:#FF8C8C;fill-rule:evenodd;stroke:#FF8C8C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"137.769\" cy=\"172.627\" rx=\"10.066\" ry=\"10.066\" style=\"fill:#FF7878;fill-rule:evenodd;stroke:#FF7878;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"164.345\" cy=\"199.434\" rx=\"10.066\" ry=\"10.066\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"200.848\" cy=\"189.822\" rx=\"10.066\" ry=\"10.066\" style=\"fill:#FF8E8E;fill-rule:evenodd;stroke:#FF8E8E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"210.776\" cy=\"153.403\" rx=\"10.066\" ry=\"10.066\" style=\"fill:#4E4EFF;fill-rule:evenodd;stroke:#4E4EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"247.279\" cy=\"143.792\" rx=\"10.066\" ry=\"10.066\" style=\"fill:#FF9E9E;fill-rule:evenodd;stroke:#FF9E9E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"257.207\" cy=\"107.373\" rx=\"10.066\" ry=\"10.066\" style=\"fill:#FF7272;fill-rule:evenodd;stroke:#FF7272;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"230.631\" cy=\"80.5661\" rx=\"10.066\" ry=\"10.066\" style=\"fill:#9090FF;fill-rule:evenodd;stroke:#9090FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"194.128\" cy=\"90.1779\" rx=\"10.066\" ry=\"10.066\" style=\"fill:#FF8888;fill-rule:evenodd;stroke:#FF8888;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"184.2\" cy=\"126.597\" rx=\"10.066\" ry=\"10.066\" style=\"fill:#FF8484;fill-rule:evenodd;stroke:#FF8484;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 81.7623,143.842 L 85.0111,131.924\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 85.0111,131.924 L 88.2599,120.006\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 74.4786,141.857 L 77.7274,129.939\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 77.7274,129.939 L 80.9762,118.021\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 84.6181,119.013 L 77.5672,111.901\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 77.5672,111.901 L 70.5164,104.789\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 84.6181,119.013 L 121.121,109.402\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 121.121,109.402 L 147.697,136.208\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 147.697,136.208 L 137.769,172.627\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 153.492,143.657 L 146.542,169.15\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 147.697,136.208 L 184.2,126.597\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 137.769,172.627 L 164.345,199.434\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 164.345,199.434 L 200.848,189.822\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 167.898,190.691 L 193.451,183.963\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 200.848,189.822 L 210.776,153.403\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 210.776,153.403 L 247.279,143.792\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 214.329,144.661 L 239.881,137.933\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 210.776,153.403 L 184.2,126.597\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 247.279,143.792 L 257.207,107.373\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 257.207,107.373 L 230.631,80.5661\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 247.859,108.667 L 229.256,89.9023\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 230.631,80.5661 L 194.128,90.1779\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 194.128,90.1779 L 184.2,126.597\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 199.922,97.6263 L 192.973,123.119\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:25px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"62.9388\" y=\"168.014\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:25px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"35.3848\" y=\"104.789\"><tspan>HO</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"O=C(O)C(c1ccccc1)c1ccccc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"178.475\" cy=\"217.748\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#6464FF;fill-rule:evenodd;stroke:#6464FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"195.534\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF8080;fill-rule:evenodd;stroke:#FF8080;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"101.525\" cy=\"217.748\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"151.107\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"178.475\" cy=\"128.893\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"216.95\" cy=\"151.107\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF8080;fill-rule:evenodd;stroke:#FF8080;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"255.425\" cy=\"128.893\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FFC0C0;fill-rule:evenodd;stroke:#FFC0C0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"255.425\" cy=\"84.4659\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#5050FF;fill-rule:evenodd;stroke:#5050FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"216.95\" cy=\"62.2523\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"178.475\" cy=\"84.4659\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"101.525\" cy=\"128.893\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF8080;fill-rule:evenodd;stroke:#FF8080;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"101.525\" cy=\"84.4659\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FFC0C0;fill-rule:evenodd;stroke:#FFC0C0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"63.0497\" cy=\"62.2523\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF8080;fill-rule:evenodd;stroke:#FF8080;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"24.5745\" cy=\"84.4659\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#7272FF;fill-rule:evenodd;stroke:#7272FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"24.5745\" cy=\"128.893\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"63.0497\" cy=\"151.107\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 166.865,205.915 L 154.543,198.801\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 154.543,198.801 L 142.221,191.687\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 162.422,213.61 L 150.101,206.496\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 150.101,206.496 L 137.779,199.382\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 140,195.534 L 133.587,199.236\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 133.587,199.236 L 127.175,202.939\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 140,195.534 L 140,151.107\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 140,151.107 L 178.475,128.893\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 140,151.107 L 101.525,128.893\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 178.475,128.893 L 216.95,151.107\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 188.689,124.53 L 215.622,140.08\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 178.475,128.893 L 178.475,84.4659\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 216.95,151.107 L 255.425,128.893\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 255.425,128.893 L 255.425,84.4659\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 246.54,122.229 L 246.54,91.13\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 255.425,84.4659 L 216.95,62.2523\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 216.95,62.2523 L 178.475,84.4659\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 215.622,73.2793 L 188.689,88.8289\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 101.525,128.893 L 101.525,84.4659\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 92.6394,122.229 L 92.6394,91.13\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 101.525,128.893 L 63.0497,151.107\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 101.525,84.4659 L 63.0497,62.2523\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 63.0497,62.2523 L 24.5745,84.4659\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 61.7212,73.2793 L 34.7885,88.8289\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 24.5745,84.4659 L 24.5745,128.893\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 24.5745,128.893 L 63.0497,151.107\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 34.7885,124.53 L 61.7212,140.08\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"164.644\" y=\"232.557\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"74.8578\" y=\"232.557\"><tspan>HO</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCCCCCCCCCCCC(=O)O\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"17.723\" cy=\"148.248\" rx=\"4.99577\" ry=\"4.99577\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"34.1895\" cy=\"139.314\" rx=\"4.99577\" ry=\"4.99577\" style=\"fill:#FF7070;fill-rule:evenodd;stroke:#FF7070;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"50.1601\" cy=\"149.107\" rx=\"4.99577\" ry=\"4.99577\" style=\"fill:#3636FF;fill-rule:evenodd;stroke:#3636FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"66.6266\" cy=\"140.173\" rx=\"4.99577\" ry=\"4.99577\" style=\"fill:#FF9292;fill-rule:evenodd;stroke:#FF9292;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"82.5972\" cy=\"149.966\" rx=\"4.99577\" ry=\"4.99577\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"99.0637\" cy=\"141.032\" rx=\"4.99577\" ry=\"4.99577\" style=\"fill:#FF7A7A;fill-rule:evenodd;stroke:#FF7A7A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"115.034\" cy=\"150.825\" rx=\"4.99577\" ry=\"4.99577\" style=\"fill:#FF7A7A;fill-rule:evenodd;stroke:#FF7A7A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"131.501\" cy=\"141.891\" rx=\"4.99577\" ry=\"4.99577\" style=\"fill:#FF7A7A;fill-rule:evenodd;stroke:#FF7A7A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"147.471\" cy=\"151.684\" rx=\"4.99577\" ry=\"4.99577\" style=\"fill:#FF7A7A;fill-rule:evenodd;stroke:#FF7A7A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"163.938\" cy=\"142.749\" rx=\"4.99577\" ry=\"4.99577\" style=\"fill:#FF7A7A;fill-rule:evenodd;stroke:#FF7A7A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"179.909\" cy=\"152.543\" rx=\"4.99577\" ry=\"4.99577\" style=\"fill:#FF7A7A;fill-rule:evenodd;stroke:#FF7A7A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"196.375\" cy=\"143.608\" rx=\"4.99577\" ry=\"4.99577\" style=\"fill:#FF7A7A;fill-rule:evenodd;stroke:#FF7A7A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"212.346\" cy=\"153.402\" rx=\"4.99577\" ry=\"4.99577\" style=\"fill:#FF7A7A;fill-rule:evenodd;stroke:#FF7A7A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"228.812\" cy=\"144.467\" rx=\"4.99577\" ry=\"4.99577\" style=\"fill:#FFBCBC;fill-rule:evenodd;stroke:#FFBCBC;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"229.308\" cy=\"125.74\" rx=\"4.99577\" ry=\"4.99577\" style=\"fill:#6262FF;fill-rule:evenodd;stroke:#6262FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"244.783\" cy=\"154.26\" rx=\"4.99577\" ry=\"4.99577\" style=\"fill:#4444FF;fill-rule:evenodd;stroke:#4444FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 17.723,148.248 L 34.1895,139.314\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 34.1895,139.314 L 50.1601,149.107\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 50.1601,149.107 L 66.6266,140.173\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 66.6266,140.173 L 82.5972,149.966\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 82.5972,149.966 L 99.0637,141.032\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 99.0637,141.032 L 115.034,150.825\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 115.034,150.825 L 131.501,141.891\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 131.501,141.891 L 147.471,151.684\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 147.471,151.684 L 163.938,142.749\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 163.938,142.749 L 179.909,152.543\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 179.909,152.543 L 196.375,143.608\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 196.375,143.608 L 212.346,153.402\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 212.346,153.402 L 228.812,144.467\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 230.685,144.517 L 230.85,138.275\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 230.85,138.275 L 231.015,132.034\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 226.939,144.418 L 227.105,138.176\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 227.105,138.176 L 227.27,131.935\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 228.812,144.467 L 231.706,146.241\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 231.706,146.241 L 234.599,148.016\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:12px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"223.476\" y=\"131.984\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:12px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"233.538\" y=\"160.505\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCOC=O\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"28.3193\" cy=\"154.618\" rx=\"15.5921\" ry=\"15.5921\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"78.9561\" cy=\"125.382\" rx=\"15.5921\" ry=\"15.5921\" style=\"fill:#7070FF;fill-rule:evenodd;stroke:#7070FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"129.593\" cy=\"154.618\" rx=\"15.5921\" ry=\"15.5921\" style=\"fill:#A8A8FF;fill-rule:evenodd;stroke:#A8A8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"180.23\" cy=\"125.382\" rx=\"15.5921\" ry=\"15.5921\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"230.866\" cy=\"154.618\" rx=\"15.5921\" ry=\"15.5921\" style=\"fill:#2E2EFF;fill-rule:evenodd;stroke:#2E2EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 28.3193,154.618 L 78.9561,125.382\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 78.9561,125.382 L 95.1728,134.745\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 95.1728,134.745 L 111.39,144.108\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 147.796,144.108 L 164.013,134.745\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 164.013,134.745 L 180.23,125.382\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 177.306,130.446 L 193.523,139.809\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 193.523,139.809 L 209.74,149.172\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 183.153,120.319 L 199.37,129.682\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 199.37,129.682 L 215.587,139.044\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:38px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"111.39\" y=\"174.108\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:38px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"212.663\" y=\"174.108\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCOC(=O)CC\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"26.6045\" cy=\"163.881\" rx=\"13.8773\" ry=\"13.8773\" style=\"fill:#4646FF;fill-rule:evenodd;stroke:#4646FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"73.9386\" cy=\"142.257\" rx=\"13.8773\" ry=\"13.8773\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"116.333\" cy=\"172.437\" rx=\"13.8773\" ry=\"13.8773\" style=\"fill:#4444FF;fill-rule:evenodd;stroke:#4444FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"163.667\" cy=\"150.812\" rx=\"13.8773\" ry=\"13.8773\" style=\"fill:#D8D8FF;fill-rule:evenodd;stroke:#D8D8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"168.607\" cy=\"99.0075\" rx=\"13.8773\" ry=\"13.8773\" style=\"fill:#2020FF;fill-rule:evenodd;stroke:#2020FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"206.061\" cy=\"180.992\" rx=\"13.8773\" ry=\"13.8773\" style=\"fill:#6262FF;fill-rule:evenodd;stroke:#6262FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"253.395\" cy=\"159.368\" rx=\"13.8773\" ry=\"13.8773\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 26.6045,163.881 L 73.9386,142.257\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 73.9386,142.257 L 87.0352,151.58\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 87.0352,151.58 L 100.132,160.903\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 132.534,165.035 L 148.101,157.924\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 148.101,157.924 L 163.667,150.812\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 168.847,151.306 L 170.49,134.077\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 170.49,134.077 L 172.133,116.848\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 158.487,150.318 L 160.129,133.089\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 160.129,133.089 L 161.772,115.86\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 163.667,150.812 L 206.061,180.992\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 206.061,180.992 L 253.395,159.368\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:34px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"100.132\" y=\"189.783\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:34px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"152.405\" y=\"116.354\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCC(=O)OCC\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"24.5745\" cy=\"173.32\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#4242FF;fill-rule:evenodd;stroke:#4242FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"63.0497\" cy=\"151.107\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"101.525\" cy=\"173.32\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#FFD4D4;fill-rule:evenodd;stroke:#FFD4D4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"151.107\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#5A5AFF;fill-rule:evenodd;stroke:#5A5AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"106.68\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"178.475\" cy=\"173.32\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#4444FF;fill-rule:evenodd;stroke:#4444FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"216.95\" cy=\"151.107\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#BCBCFF;fill-rule:evenodd;stroke:#BCBCFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"255.425\" cy=\"173.32\" rx=\"11.8473\" ry=\"11.8473\" style=\"fill:#2222FF;fill-rule:evenodd;stroke:#2222FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 24.5745,173.32 L 63.0497,151.107\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 63.0497,151.107 L 101.525,173.32\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 101.525,173.32 L 140,151.107\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 144.443,151.107 L 144.443,136.298\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 144.443,136.298 L 144.443,121.489\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 135.557,151.107 L 135.557,136.298\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 135.557,136.298 L 135.557,121.489\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 140,151.107 L 152.322,158.221\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 152.322,158.221 L 164.644,165.335\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 192.306,165.335 L 204.628,158.221\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 204.628,158.221 L 216.95,151.107\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 216.95,151.107 L 255.425,173.32\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"126.169\" y=\"121.489\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"164.644\" y=\"188.13\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCOC(=O)CCC\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"23.0097\" cy=\"129.282\" rx=\"10.2824\" ry=\"10.2824\" style=\"fill:#4242FF;fill-rule:evenodd;stroke:#4242FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"56.649\" cy=\"110.436\" rx=\"10.2824\" ry=\"10.2824\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"89.7901\" cy=\"130.145\" rx=\"10.2824\" ry=\"10.2824\" style=\"fill:#FFD4D4;fill-rule:evenodd;stroke:#FFD4D4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"123.429\" cy=\"111.299\" rx=\"10.2824\" ry=\"10.2824\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"156.571\" cy=\"131.008\" rx=\"10.2824\" ry=\"10.2824\" style=\"fill:#CACAFF;fill-rule:evenodd;stroke:#CACAFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"156.072\" cy=\"169.564\" rx=\"10.2824\" ry=\"10.2824\" style=\"fill:#2222FF;fill-rule:evenodd;stroke:#2222FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"190.21\" cy=\"112.162\" rx=\"10.2824\" ry=\"10.2824\" style=\"fill:#4444FF;fill-rule:evenodd;stroke:#4444FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"223.351\" cy=\"131.871\" rx=\"10.2824\" ry=\"10.2824\" style=\"fill:#6060FF;fill-rule:evenodd;stroke:#6060FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"256.99\" cy=\"113.025\" rx=\"10.2824\" ry=\"10.2824\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 23.0097,129.282 L 56.649,110.436\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 56.649,110.436 L 89.7901,130.145\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 89.7901,130.145 L 100.608,124.085\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 100.608,124.085 L 111.425,118.024\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 135.434,118.438 L 146.002,124.723\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 146.002,124.723 L 156.571,131.008\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 152.715,130.959 L 152.549,143.81\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 152.549,143.81 L 152.383,156.661\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 160.426,131.058 L 160.26,143.91\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 160.26,143.91 L 160.094,156.761\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 156.571,131.008 L 190.21,112.162\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 190.21,112.162 L 223.351,131.871\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 223.351,131.871 L 256.99,113.025\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:25px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"111.425\" y=\"124.152\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:25px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"144.068\" y=\"182.417\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCCCC(=O)OCC\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"21.8266\" cy=\"161.206\" rx=\"9.09936\" ry=\"9.09936\" style=\"fill:#4242FF;fill-rule:evenodd;stroke:#4242FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"51.7589\" cy=\"144.823\" rx=\"9.09936\" ry=\"9.09936\" style=\"fill:#FF7070;fill-rule:evenodd;stroke:#FF7070;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"80.9133\" cy=\"162.554\" rx=\"9.09936\" ry=\"9.09936\" style=\"fill:#FF9696;fill-rule:evenodd;stroke:#FF9696;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"110.846\" cy=\"146.17\" rx=\"9.09936\" ry=\"9.09936\" style=\"fill:#FFC4C4;fill-rule:evenodd;stroke:#FFC4C4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"163.901\" rx=\"9.09936\" ry=\"9.09936\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"169.932\" cy=\"147.518\" rx=\"9.09936\" ry=\"9.09936\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"170.71\" cy=\"113.404\" rx=\"9.09936\" ry=\"9.09936\" style=\"fill:#4444FF;fill-rule:evenodd;stroke:#4444FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"199.087\" cy=\"165.248\" rx=\"9.09936\" ry=\"9.09936\" style=\"fill:#5A5AFF;fill-rule:evenodd;stroke:#5A5AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"229.019\" cy=\"148.865\" rx=\"9.09936\" ry=\"9.09936\" style=\"fill:#BCBCFF;fill-rule:evenodd;stroke:#BCBCFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"258.173\" cy=\"166.596\" rx=\"9.09936\" ry=\"9.09936\" style=\"fill:#2222FF;fill-rule:evenodd;stroke:#2222FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 21.8266,161.206 L 51.7589,144.823\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 51.7589,144.823 L 80.9133,162.554\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 80.9133,162.554 L 110.846,146.17\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 110.846,146.17 L 140,163.901\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 140,163.901 L 169.932,147.518\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 173.344,147.596 L 173.603,136.226\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 173.603,136.226 L 173.862,124.856\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 166.521,147.44 L 166.78,136.07\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 166.78,136.07 L 167.04,124.701\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 169.932,147.518 L 179.198,153.153\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 179.198,153.153 L 188.463,158.788\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 209.71,159.434 L 219.364,154.15\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 219.364,154.15 L 229.019,148.865\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 229.019,148.865 L 258.173,166.596\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:22px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"160.087\" y=\"124.778\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:22px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"188.463\" y=\"176.623\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCCCCCCC(=O)OCC\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"260.521\" cy=\"144.046\" rx=\"6.75172\" ry=\"6.75172\" style=\"fill:#4242FF;fill-rule:evenodd;stroke:#4242FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"238.734\" cy=\"156.945\" rx=\"6.75172\" ry=\"6.75172\" style=\"fill:#FF7070;fill-rule:evenodd;stroke:#FF7070;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"216.67\" cy=\"144.527\" rx=\"6.75172\" ry=\"6.75172\" style=\"fill:#FF9696;fill-rule:evenodd;stroke:#FF9696;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"194.883\" cy=\"157.426\" rx=\"6.75172\" ry=\"6.75172\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"172.819\" cy=\"145.008\" rx=\"6.75172\" ry=\"6.75172\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"151.032\" cy=\"157.907\" rx=\"6.75172\" ry=\"6.75172\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"128.968\" cy=\"145.488\" rx=\"6.75172\" ry=\"6.75172\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"107.181\" cy=\"158.387\" rx=\"6.75172\" ry=\"6.75172\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"85.1168\" cy=\"145.969\" rx=\"6.75172\" ry=\"6.75172\" style=\"fill:#FFC4C4;fill-rule:evenodd;stroke:#FFC4C4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"84.8393\" cy=\"120.651\" rx=\"6.75172\" ry=\"6.75172\" style=\"fill:#4444FF;fill-rule:evenodd;stroke:#4444FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"63.33\" cy=\"158.868\" rx=\"6.75172\" ry=\"6.75172\" style=\"fill:#5A5AFF;fill-rule:evenodd;stroke:#5A5AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"41.2658\" cy=\"146.45\" rx=\"6.75172\" ry=\"6.75172\" style=\"fill:#BCBCFF;fill-rule:evenodd;stroke:#BCBCFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"19.479\" cy=\"159.349\" rx=\"6.75172\" ry=\"6.75172\" style=\"fill:#2222FF;fill-rule:evenodd;stroke:#2222FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 260.521,144.046 L 238.734,156.945\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 238.734,156.945 L 216.67,144.527\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 216.67,144.527 L 194.883,157.426\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 194.883,157.426 L 172.819,145.008\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 172.819,145.008 L 151.032,157.907\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 151.032,157.907 L 128.968,145.488\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 128.968,145.488 L 107.181,158.387\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 107.181,158.387 L 85.1168,145.969\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 87.6486,145.941 L 87.5561,137.502\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 87.5561,137.502 L 87.4636,129.063\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 82.5851,145.997 L 82.4926,137.558\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 82.4926,137.558 L 82.4001,129.119\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 85.1168,145.969 L 78.1646,150.085\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 78.1646,150.085 L 71.2124,154.201\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 55.4476,154.431 L 48.3567,150.44\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 48.3567,150.44 L 41.2658,146.45\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 41.2658,146.45 L 19.479,159.349\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:16px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"76.9569\" y=\"129.091\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:16px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"55.4476\" y=\"167.308\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"COC(=O)c1ccccc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"26.0147\" cy=\"113.774\" rx=\"13.2875\" ry=\"13.2875\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"75.4013\" cy=\"107.157\" rx=\"13.2875\" ry=\"13.2875\" style=\"fill:#FF8888;fill-rule:evenodd;stroke:#FF8888;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"105.826\" cy=\"146.618\" rx=\"13.2875\" ry=\"13.2875\" style=\"fill:#FF8484;fill-rule:evenodd;stroke:#FF8484;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"86.8634\" cy=\"192.697\" rx=\"13.2875\" ry=\"13.2875\" style=\"fill:#2C2CFF;fill-rule:evenodd;stroke:#2C2CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"155.212\" cy=\"140\" rx=\"13.2875\" ry=\"13.2875\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"174.174\" cy=\"93.9212\" rx=\"13.2875\" ry=\"13.2875\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"223.561\" cy=\"87.3035\" rx=\"13.2875\" ry=\"13.2875\" style=\"fill:#7878FF;fill-rule:evenodd;stroke:#7878FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"253.985\" cy=\"126.765\" rx=\"13.2875\" ry=\"13.2875\" style=\"fill:#5C5CFF;fill-rule:evenodd;stroke:#5C5CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"235.023\" cy=\"172.843\" rx=\"13.2875\" ry=\"13.2875\" style=\"fill:#6A6AFF;fill-rule:evenodd;stroke:#6A6AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"185.637\" cy=\"179.461\" rx=\"13.2875\" ry=\"13.2875\" style=\"fill:#FF8888;fill-rule:evenodd;stroke:#FF8888;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 26.0147,113.774 L 42.9517,111.505\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 42.9517,111.505 L 59.8886,109.235\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 88.207,123.766 L 97.0163,135.192\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 97.0163,135.192 L 105.826,146.618\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 101.218,144.721 L 95.1542,159.456\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 95.1542,159.456 L 89.0906,174.191\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 110.434,148.514 L 104.37,163.249\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 104.37,163.249 L 98.3063,177.983\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 105.826,146.618 L 155.212,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 155.212,140 L 174.174,93.9212\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 167.272,136.881 L 180.546,104.625\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 155.212,140 L 185.637,179.461\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 174.174,93.9212 L 223.561,87.3035\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 223.561,87.3035 L 253.985,126.765\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 220.232,99.3075 L 241.529,126.93\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 253.985,126.765 L 235.023,172.843\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 235.023,172.843 L 185.637,179.461\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 226.292,163.959 L 191.721,168.591\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:33px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"59.8886\" y=\"123.766\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:33px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"71.3508\" y=\"209.306\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCCOC(=O)c1ccccc1C(=O)OCCCC\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"19.1715\" cy=\"192.32\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#3434FF;fill-rule:evenodd;stroke:#3434FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"43.3372\" cy=\"192.32\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#4848FF;fill-rule:evenodd;stroke:#4848FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"55.42\" cy=\"171.392\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#3434FF;fill-rule:evenodd;stroke:#3434FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"79.5857\" cy=\"171.392\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"91.6686\" cy=\"150.464\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#F0F0FF;fill-rule:evenodd;stroke:#F0F0FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"115.834\" cy=\"150.464\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#4242FF;fill-rule:evenodd;stroke:#4242FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"127.917\" cy=\"171.392\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#1414FF;fill-rule:evenodd;stroke:#1414FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"127.917\" cy=\"129.536\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"115.834\" cy=\"108.608\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#FFFAFA;fill-rule:evenodd;stroke:#FFFAFA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"127.917\" cy=\"87.6797\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#4242FF;fill-rule:evenodd;stroke:#4242FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"152.083\" cy=\"87.6797\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#FF9696;fill-rule:evenodd;stroke:#FF9696;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"164.166\" cy=\"108.608\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#4848FF;fill-rule:evenodd;stroke:#4848FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"152.083\" cy=\"129.536\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#FF9696;fill-rule:evenodd;stroke:#FF9696;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"164.166\" cy=\"150.464\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#B4B4FF;fill-rule:evenodd;stroke:#B4B4FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"152.083\" cy=\"171.392\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#B4B4FF;fill-rule:evenodd;stroke:#B4B4FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"188.331\" cy=\"150.464\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#1414FF;fill-rule:evenodd;stroke:#1414FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"200.414\" cy=\"171.392\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#F0F0FF;fill-rule:evenodd;stroke:#F0F0FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"224.58\" cy=\"171.392\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#FFFAFA;fill-rule:evenodd;stroke:#FFFAFA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"236.663\" cy=\"192.32\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"260.829\" cy=\"192.32\" rx=\"6.44419\" ry=\"6.44419\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 19.1715,192.32 L 43.3372,192.32\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 43.3372,192.32 L 55.42,171.392\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 55.42,171.392 L 79.5857,171.392\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 79.5857,171.392 L 83.3018,164.956\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 83.3018,164.956 L 87.0179,158.519\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 99.192,150.464 L 107.513,150.464\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 107.513,150.464 L 115.834,150.464\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 113.741,151.672 L 117.458,158.109\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 117.458,158.109 L 121.174,164.545\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 117.927,149.256 L 121.643,155.692\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 121.643,155.692 L 125.359,162.129\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 115.834,150.464 L 127.917,129.536\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 127.917,129.536 L 115.834,108.608\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 130.29,123.98 L 121.832,109.33\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-19\" d=\"M 127.917,129.536 L 152.083,129.536\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 115.834,108.608 L 127.917,87.6797\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 127.917,87.6797 L 152.083,87.6797\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 131.542,92.5128 L 148.458,92.5128\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 152.083,87.6797 L 164.166,108.608\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 164.166,108.608 L 152.083,129.536\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 158.168,109.33 L 149.71,123.98\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 152.083,129.536 L 164.166,150.464\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 162.073,149.256 L 158.357,155.692\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 158.357,155.692 L 154.641,162.129\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 166.259,151.672 L 162.542,158.109\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 162.542,158.109 L 158.826,164.545\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 164.166,150.464 L 172.487,150.464\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 172.487,150.464 L 180.808,150.464\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 192.982,158.519 L 196.698,164.956\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 196.698,164.956 L 200.414,171.392\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 200.414,171.392 L 224.58,171.392\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 224.58,171.392 L 236.663,192.32\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-18\" d=\"M 236.663,192.32 L 260.829,192.32\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:16px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"84.1452\" y=\"158.519\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:16px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"120.394\" y=\"179.447\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:16px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"144.559\" y=\"179.447\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:16px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"180.808\" y=\"158.519\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCOCC\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"29.7079\" cy=\"155.919\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#5858FF;fill-rule:evenodd;stroke:#5858FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"84.8539\" cy=\"124.081\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140\" cy=\"155.919\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#5858FF;fill-rule:evenodd;stroke:#5858FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"195.146\" cy=\"124.081\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"250.292\" cy=\"155.919\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 29.7079,155.919 L 84.8539,124.081\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 84.8539,124.081 L 105.422,135.956\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 105.422,135.956 L 125.99,147.831\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 154.01,147.831 L 174.578,135.956\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 174.578,135.956 L 195.146,124.081\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 195.146,124.081 L 250.292,155.919\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"125.99\" y=\"170.919\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"COC(C)(C)C\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"34.404\" cy=\"140\" rx=\"21.6768\" ry=\"21.6768\" style=\"fill:#D4D4FF;fill-rule:evenodd;stroke:#D4D4FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"104.801\" cy=\"99.3561\" rx=\"21.6768\" ry=\"21.6768\" style=\"fill:#4646FF;fill-rule:evenodd;stroke:#4646FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"175.199\" cy=\"140\" rx=\"21.6768\" ry=\"21.6768\" style=\"fill:#4646FF;fill-rule:evenodd;stroke:#4646FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"215.843\" cy=\"69.6027\" rx=\"21.6768\" ry=\"21.6768\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"134.555\" cy=\"210.397\" rx=\"21.6768\" ry=\"21.6768\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"245.596\" cy=\"180.644\" rx=\"21.6768\" ry=\"21.6768\" style=\"fill:#4646FF;fill-rule:evenodd;stroke:#4646FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 34.404,140 L 62.5979,123.722\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 62.5979,123.722 L 90.7917,107.445\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 118.811,107.445 L 147.005,123.722\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 147.005,123.722 L 175.199,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 175.199,140 L 215.843,69.6027\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 175.199,140 L 134.555,210.397\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 175.199,140 L 245.596,180.644\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"90.7917\" y=\"114.356\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCOC(C)C\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"253.212\" cy=\"141.355\" rx=\"14.0606\" ry=\"14.0606\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"209.139\" cy=\"170.299\" rx=\"14.0606\" ry=\"14.0606\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"162.037\" cy=\"146.602\" rx=\"14.0606\" ry=\"14.0606\" style=\"fill:#7C7CFF;fill-rule:evenodd;stroke:#7C7CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"117.963\" cy=\"175.545\" rx=\"14.0606\" ry=\"14.0606\" style=\"fill:#1212FF;fill-rule:evenodd;stroke:#1212FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"70.8611\" cy=\"151.848\" rx=\"14.0606\" ry=\"14.0606\" style=\"fill:#1212FF;fill-rule:evenodd;stroke:#1212FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"26.7879\" cy=\"180.792\" rx=\"14.0606\" ry=\"14.0606\" style=\"fill:#0C0CFF;fill-rule:evenodd;stroke:#0C0CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"67.832\" cy=\"99.2082\" rx=\"14.0606\" ry=\"14.0606\" style=\"fill:#8080FF;fill-rule:evenodd;stroke:#8080FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 253.212,141.355 L 209.139,170.299\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 209.139,170.299 L 162.037,146.602\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 162.037,146.602 L 148.208,155.683\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 148.208,155.683 L 134.379,164.765\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 101.548,167.287 L 86.2046,159.568\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 86.2046,159.568 L 70.8611,151.848\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 70.8611,151.848 L 26.7879,180.792\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 70.8611,151.848 L 67.832,99.2082\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:35px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"101.548\" y=\"193.121\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"COc1ccccc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"29.1306\" cy=\"121.862\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#FFDEDE;fill-rule:evenodd;stroke:#FFDEDE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"70.852\" cy=\"167.063\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"130.858\" cy=\"153.531\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#FF7676;fill-rule:evenodd;stroke:#FF7676;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"149.142\" cy=\"94.7991\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#FF7676;fill-rule:evenodd;stroke:#FF7676;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"209.148\" cy=\"81.2678\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#ACACFF;fill-rule:evenodd;stroke:#ACACFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"250.869\" cy=\"126.469\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#2626FF;fill-rule:evenodd;stroke:#2626FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"232.585\" cy=\"185.201\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"172.579\" cy=\"198.732\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#FFDEDE;fill-rule:evenodd;stroke:#FFDEDE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 29.1306,121.862 L 43.0686,136.962\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 43.0686,136.962 L 57.0067,152.063\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 84.8616,163.904 L 107.86,158.717\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 107.86,158.717 L 130.858,153.531\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 130.858,153.531 L 149.142,94.7991\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 145.347,148.378 L 158.146,107.266\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 130.858,153.531 L 172.579,198.732\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 149.142,94.7991 L 209.148,81.2678\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 209.148,81.2678 L 250.869,126.469\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 206.366,96.3922 L 235.571,128.033\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 250.869,126.469 L 232.585,185.201\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 232.585,185.201 L 172.579,198.732\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 220.878,175.229 L 178.874,184.701\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"56.8424\" y=\"182.063\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"c1ccc(C2CO2)cc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"251.999\" cy=\"140\" rx=\"15.2742\" ry=\"15.2742\" style=\"fill:#FF8686;fill-rule:evenodd;stroke:#FF8686;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"223.359\" cy=\"189.604\" rx=\"15.2742\" ry=\"15.2742\" style=\"fill:#0C0CFF;fill-rule:evenodd;stroke:#0C0CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"166.081\" cy=\"189.604\" rx=\"15.2742\" ry=\"15.2742\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"137.442\" cy=\"140\" rx=\"15.2742\" ry=\"15.2742\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"80.1638\" cy=\"140\" rx=\"15.2742\" ry=\"15.2742\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"30.5594\" cy=\"168.639\" rx=\"15.2742\" ry=\"15.2742\" style=\"fill:#2424FF;fill-rule:evenodd;stroke:#2424FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"30.5594\" cy=\"111.361\" rx=\"15.2742\" ry=\"15.2742\" style=\"fill:#3A3AFF;fill-rule:evenodd;stroke:#3A3AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"166.081\" cy=\"90.3956\" rx=\"15.2742\" ry=\"15.2742\" style=\"fill:#FF8686;fill-rule:evenodd;stroke:#FF8686;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"223.359\" cy=\"90.3956\" rx=\"15.2742\" ry=\"15.2742\" style=\"fill:#FF8080;fill-rule:evenodd;stroke:#FF8080;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 251.999,140 L 223.359,189.604\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 237.782,141.713 L 217.734,176.436\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 251.999,140 L 223.359,90.3956\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 223.359,189.604 L 166.081,189.604\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 166.081,189.604 L 137.442,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 171.706,176.436 L 151.659,141.713\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 137.442,140 L 80.1638,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 137.442,140 L 166.081,90.3956\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 80.1638,140 L 30.5594,168.639\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 80.1638,140 L 64.2777,130.828\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 64.2777,130.828 L 48.3915,121.656\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 30.5594,168.639 L 30.5594,149.546\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 30.5594,149.546 L 30.5594,130.454\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 166.081,90.3956 L 223.359,90.3956\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 174.673,101.851 L 214.768,101.851\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:38px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"12.7273\" y=\"130.454\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCCOCCO\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"21.7287\" cy=\"145.581\" rx=\"9.0014\" ry=\"9.0014\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"51.4211\" cy=\"129.525\" rx=\"9.0014\" ry=\"9.0014\" style=\"fill:#3C3CFF;fill-rule:evenodd;stroke:#3C3CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"80.1717\" cy=\"147.212\" rx=\"9.0014\" ry=\"9.0014\" style=\"fill:#3434FF;fill-rule:evenodd;stroke:#3434FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"109.864\" cy=\"131.157\" rx=\"9.0014\" ry=\"9.0014\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"138.615\" cy=\"148.843\" rx=\"9.0014\" ry=\"9.0014\" style=\"fill:#0202FF;fill-rule:evenodd;stroke:#0202FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"168.307\" cy=\"132.788\" rx=\"9.0014\" ry=\"9.0014\" style=\"fill:#2C2CFF;fill-rule:evenodd;stroke:#2C2CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"197.058\" cy=\"150.475\" rx=\"9.0014\" ry=\"9.0014\" style=\"fill:#9696FF;fill-rule:evenodd;stroke:#9696FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"226.75\" cy=\"134.419\" rx=\"9.0014\" ry=\"9.0014\" style=\"fill:#FF9696;fill-rule:evenodd;stroke:#FF9696;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 21.7287,145.581 L 51.4211,129.525\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 51.4211,129.525 L 80.1717,147.212\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 80.1717,147.212 L 109.864,131.157\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 109.864,131.157 L 118.985,136.768\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 118.985,136.768 L 128.106,142.379\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 149.124,143.161 L 158.715,137.975\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 158.715,137.975 L 168.307,132.788\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 168.307,132.788 L 197.058,150.475\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 197.058,150.475 L 201.773,147.925\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 201.773,147.925 L 206.489,145.375\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:22px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"128.106\" y=\"160.095\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:22px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"206.489\" y=\"145.671\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CC12CCC(=O)C=C1CCC1C2C(O)CC2(C)C1CCC2(O)C(=O)CO\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"175.898\" cy=\"159.405\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#2626FF;fill-rule:evenodd;stroke:#2626FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"186.082\" cy=\"139.412\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#0C0CFF;fill-rule:evenodd;stroke:#0C0CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"198.304\" cy=\"158.228\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#1C1CFF;fill-rule:evenodd;stroke:#1C1CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"220.711\" cy=\"157.051\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#FF9898;fill-rule:evenodd;stroke:#FF9898;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"230.895\" cy=\"137.058\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#1E1EFF;fill-rule:evenodd;stroke:#1E1EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"253.302\" cy=\"135.881\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#FF7272;fill-rule:evenodd;stroke:#FF7272;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"218.672\" cy=\"118.241\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"196.266\" cy=\"119.418\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#5C5CFF;fill-rule:evenodd;stroke:#5C5CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"184.043\" cy=\"100.602\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#5C5CFF;fill-rule:evenodd;stroke:#5C5CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"161.636\" cy=\"101.779\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#1E1EFF;fill-rule:evenodd;stroke:#1E1EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"151.452\" cy=\"121.772\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#5C5CFF;fill-rule:evenodd;stroke:#5C5CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"163.675\" cy=\"140.588\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"153.491\" cy=\"160.582\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#0C0CFF;fill-rule:evenodd;stroke:#0C0CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"165.713\" cy=\"179.398\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#FFE2E2;fill-rule:evenodd;stroke:#FFE2E2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"131.084\" cy=\"161.759\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#8A8AFF;fill-rule:evenodd;stroke:#8A8AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"118.861\" cy=\"142.942\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#6262FF;fill-rule:evenodd;stroke:#6262FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"109.028\" cy=\"163.111\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#3A3AFF;fill-rule:evenodd;stroke:#3A3AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"129.045\" cy=\"122.949\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#FF7E7E;fill-rule:evenodd;stroke:#FF7E7E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"113.178\" cy=\"107.085\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#FF8C8C;fill-rule:evenodd;stroke:#FF8C8C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"93.1868\" cy=\"117.274\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#1212FF;fill-rule:evenodd;stroke:#1212FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"96.6995\" cy=\"139.435\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#3A3AFF;fill-rule:evenodd;stroke:#3A3AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"92.8053\" cy=\"161.532\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#FF9696;fill-rule:evenodd;stroke:#FF9696;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"74.2927\" cy=\"140.612\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"64.1086\" cy=\"160.605\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#FFA4A4;fill-rule:evenodd;stroke:#FFA4A4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"62.07\" cy=\"121.796\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#FFCCCC;fill-rule:evenodd;stroke:#FFCCCC;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"39.6632\" cy=\"122.973\" rx=\"5.98338\" ry=\"5.98338\" style=\"fill:#6262FF;fill-rule:evenodd;stroke:#6262FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 175.898,159.405 L 186.082,139.412\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 186.082,139.412 L 198.304,158.228\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-25\" d=\"M 186.082,139.412 L 196.266,119.418\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-27\" d=\"M 186.082,139.412 L 163.675,140.588\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 198.304,158.228 L 220.711,157.051\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 220.711,157.051 L 230.895,137.058\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 231.013,139.298 L 238.724,138.893\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 238.724,138.893 L 246.434,138.488\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 230.777,134.817 L 238.488,134.412\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 238.488,134.412 L 246.199,134.007\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 230.895,137.058 L 218.672,118.241\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 218.672,118.241 L 196.266,119.418\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 215.547,122.899 L 199.862,123.723\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 196.266,119.418 L 184.043,100.602\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 184.043,100.602 L 161.636,101.779\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 161.636,101.779 L 151.452,121.772\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 151.452,121.772 L 163.675,140.588\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-26\" d=\"M 151.452,121.772 L 129.045,122.949\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 163.675,140.588 L 153.491,160.582\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 153.491,160.582 L 157.173,166.25\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 157.173,166.25 L 160.855,171.919\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 153.491,160.582 L 131.084,161.759\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 131.084,161.759 L 118.861,142.942\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 118.861,142.942 L 109.028,163.111\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 118.861,142.942 L 129.045,122.949\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-28\" d=\"M 118.861,142.942 L 96.6995,139.435\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 129.045,122.949 L 113.178,107.085\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-18\" d=\"M 113.178,107.085 L 93.1868,117.274\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-19\" d=\"M 93.1868,117.274 L 96.6995,139.435\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-20\" d=\"M 96.6995,139.435 L 95.4114,146.744\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-20\" d=\"M 95.4114,146.744 L 94.1233,154.053\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-21\" d=\"M 96.6995,139.435 L 74.2927,140.612\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-22\" d=\"M 72.2934,139.594 L 69.1062,145.851\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-22\" d=\"M 69.1062,145.851 L 65.919,152.108\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-22\" d=\"M 76.292,141.63 L 73.1048,147.888\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-22\" d=\"M 73.1048,147.888 L 69.9177,154.145\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-23\" d=\"M 74.2927,140.612 L 62.07,121.796\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-24\" d=\"M 62.07,121.796 L 57.6006,122.03\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-24\" d=\"M 57.6006,122.03 L 53.1312,122.265\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:14px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"246.317\" y=\"143.36\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:14px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"152.245\" y=\"186.877\"><tspan>OH</tspan></text>\n",
"<text style=\"font-size:14px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"79.3373\" y=\"169.011\"><tspan>OH</tspan></text>\n",
"<text style=\"font-size:14px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"57.1232\" y=\"168.085\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:14px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"26.1953\" y=\"130.452\"><tspan>HO</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CC(=O)OCC(=O)C1(O)CCC2C3CCC4=CC(=O)C=CC4(C)C3C(O)CC21C\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"18.3969\" cy=\"125.406\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#FFCCCC;fill-rule:evenodd;stroke:#FFCCCC;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"39.4785\" cy=\"122.65\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#5E5EFF;fill-rule:evenodd;stroke:#5E5EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"47.6326\" cy=\"103.015\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#0C0CFF;fill-rule:evenodd;stroke:#0C0CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"52.406\" cy=\"139.53\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#5C5CFF;fill-rule:evenodd;stroke:#5C5CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"73.4877\" cy=\"136.774\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"86.4152\" cy=\"153.653\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#3A3AFF;fill-rule:evenodd;stroke:#3A3AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"78.2611\" cy=\"173.288\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#1E1EFF;fill-rule:evenodd;stroke:#1E1EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"107.497\" cy=\"150.897\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#FFF0F0;fill-rule:evenodd;stroke:#FFF0F0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"100.069\" cy=\"130.976\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#5E5EFF;fill-rule:evenodd;stroke:#5E5EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"108.034\" cy=\"172.151\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#6060FF;fill-rule:evenodd;stroke:#6060FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"128.414\" cy=\"178.208\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#FFB4B4;fill-rule:evenodd;stroke:#FFB4B4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140.472\" cy=\"160.697\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#FF8C8C;fill-rule:evenodd;stroke:#FF8C8C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"161.554\" cy=\"157.941\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#FF7272;fill-rule:evenodd;stroke:#FF7272;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"174.482\" cy=\"174.821\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#FF7E7E;fill-rule:evenodd;stroke:#FF7E7E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"195.563\" cy=\"172.065\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#2626FF;fill-rule:evenodd;stroke:#2626FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"203.717\" cy=\"152.43\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#3A3AFF;fill-rule:evenodd;stroke:#3A3AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"224.799\" cy=\"149.674\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#6262FF;fill-rule:evenodd;stroke:#6262FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"232.953\" cy=\"130.038\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#FFA4A4;fill-rule:evenodd;stroke:#FFA4A4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"254.035\" cy=\"127.282\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#3A3AFF;fill-rule:evenodd;stroke:#3A3AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"220.025\" cy=\"113.159\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#8484FF;fill-rule:evenodd;stroke:#8484FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"198.944\" cy=\"115.915\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#8A8AFF;fill-rule:evenodd;stroke:#8A8AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"190.79\" cy=\"135.55\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#0C0CFF;fill-rule:evenodd;stroke:#0C0CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"177.862\" cy=\"118.671\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#0C0CFF;fill-rule:evenodd;stroke:#0C0CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"169.708\" cy=\"138.306\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#FF9898;fill-rule:evenodd;stroke:#FF9898;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"156.781\" cy=\"121.427\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#5C5CFF;fill-rule:evenodd;stroke:#5C5CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"164.935\" cy=\"101.792\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#FF7E7E;fill-rule:evenodd;stroke:#FF7E7E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"135.699\" cy=\"124.183\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#1616FF;fill-rule:evenodd;stroke:#1616FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"127.545\" cy=\"143.818\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#5C5CFF;fill-rule:evenodd;stroke:#5C5CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"114.914\" cy=\"126.716\" rx=\"5.6696\" ry=\"5.6696\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 18.3969,125.406 L 39.4785,122.65\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 41.442,123.466 L 44.0475,117.192\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 44.0475,117.192 L 46.653,110.918\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 37.515,121.835 L 40.1205,115.561\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 40.1205,115.561 L 42.726,109.287\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 39.4785,122.65 L 43.2284,127.547\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 43.2284,127.547 L 46.9782,132.443\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 59.0251,138.664 L 66.2564,137.719\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 66.2564,137.719 L 73.4877,136.774\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 73.4877,136.774 L 86.4152,153.653\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 84.4517,152.838 L 81.8462,159.112\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 81.8462,159.112 L 79.2407,165.386\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 88.3787,154.468 L 85.7732,160.742\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 85.7732,160.742 L 83.1677,167.017\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 86.4152,153.653 L 107.497,150.897\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 107.497,150.897 L 105.104,144.48\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 105.104,144.48 L 102.711,138.063\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 107.497,150.897 L 108.034,172.151\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-28\" d=\"M 107.497,150.897 L 127.545,143.818\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 108.034,172.151 L 128.414,178.208\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 128.414,178.208 L 140.472,160.697\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 140.472,160.697 L 161.554,157.941\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-29\" d=\"M 140.472,160.697 L 127.545,143.818\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 161.554,157.941 L 174.482,174.821\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-30\" d=\"M 161.554,157.941 L 169.708,138.306\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 174.482,174.821 L 195.563,172.065\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 195.563,172.065 L 203.717,152.43\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 203.717,152.43 L 224.799,149.674\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 206.328,147.8 L 221.085,145.871\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-31\" d=\"M 203.717,152.43 L 190.79,135.55\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 224.799,149.674 L 232.953,130.038\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 233.229,132.147 L 240.46,131.201\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 240.46,131.201 L 247.691,130.256\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 232.677,127.93 L 239.909,126.985\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 239.909,126.985 L 247.14,126.04\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-18\" d=\"M 232.953,130.038 L 220.025,113.159\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-19\" d=\"M 220.025,113.159 L 198.944,115.915\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-19\" d=\"M 217.414,117.789 L 202.657,119.718\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-20\" d=\"M 198.944,115.915 L 190.79,135.55\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-21\" d=\"M 190.79,135.55 L 177.862,118.671\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-22\" d=\"M 190.79,135.55 L 169.708,138.306\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-23\" d=\"M 169.708,138.306 L 156.781,121.427\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-24\" d=\"M 156.781,121.427 L 159.386,115.153\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-24\" d=\"M 159.386,115.153 L 161.992,108.879\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-25\" d=\"M 156.781,121.427 L 135.699,124.183\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-26\" d=\"M 135.699,124.183 L 127.545,143.818\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-27\" d=\"M 127.545,143.818 L 114.914,126.716\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:14px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"41.0135\" y=\"110.102\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:14px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"45.787\" y=\"146.617\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:14px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"71.6421\" y=\"180.375\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:14px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"87.3069\" y=\"138.063\"><tspan>OH</tspan></text>\n",
"<text style=\"font-size:14px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"247.416\" y=\"134.369\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:14px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"152.173\" y=\"108.879\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CC12CCC(=O)C=C1CCC1C2CCC2(C)C(C(=O)CO)CCC12\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"173.029\" cy=\"166.581\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#FF9A9A;fill-rule:evenodd;stroke:#FF9A9A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"185.63\" cy=\"147.843\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#2424FF;fill-rule:evenodd;stroke:#2424FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"195.556\" cy=\"168.125\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#3E3EFF;fill-rule:evenodd;stroke:#3E3EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"218.084\" cy=\"169.669\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#FFBCBC;fill-rule:evenodd;stroke:#FFBCBC;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"230.685\" cy=\"150.931\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#FF8A8A;fill-rule:evenodd;stroke:#FF8A8A;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"253.213\" cy=\"152.475\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#FFA4A4;fill-rule:evenodd;stroke:#FFA4A4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"220.758\" cy=\"130.649\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"198.231\" cy=\"129.105\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#FF7878;fill-rule:evenodd;stroke:#FF7878;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"188.304\" cy=\"108.824\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#FFF6F6;fill-rule:evenodd;stroke:#FFF6F6;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"165.776\" cy=\"107.28\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"153.175\" cy=\"126.018\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#5454FF;fill-rule:evenodd;stroke:#5454FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"163.102\" cy=\"146.299\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#FFAAAA;fill-rule:evenodd;stroke:#FFAAAA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"150.501\" cy=\"165.037\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#FEFEFF;fill-rule:evenodd;stroke:#FEFEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"127.973\" cy=\"163.493\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#8686FF;fill-rule:evenodd;stroke:#8686FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"118.046\" cy=\"143.211\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#FFB2B2;fill-rule:evenodd;stroke:#FFB2B2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"103.556\" cy=\"160.529\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#FFDEDE;fill-rule:evenodd;stroke:#FFDEDE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"96.3318\" cy=\"137.018\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#FFAEAE;fill-rule:evenodd;stroke:#FFAEAE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"78.5574\" cy=\"150.944\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#1818FF;fill-rule:evenodd;stroke:#1818FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"81.731\" cy=\"173.301\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#2222FF;fill-rule:evenodd;stroke:#2222FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"57.6093\" cy=\"142.514\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#FFA2A2;fill-rule:evenodd;stroke:#FFA2A2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"39.8348\" cy=\"156.441\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#FF8C8C;fill-rule:evenodd;stroke:#FF8C8C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"95.5125\" cy=\"114.452\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#FF9696;fill-rule:evenodd;stroke:#FF9696;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"116.721\" cy=\"106.699\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#6262FF;fill-rule:evenodd;stroke:#6262FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"130.647\" cy=\"124.474\" rx=\"6.0215\" ry=\"6.0215\" style=\"fill:#3E3EFF;fill-rule:evenodd;stroke:#3E3EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 173.029,166.581 L 185.63,147.843\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 185.63,147.843 L 195.556,168.125\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-23\" d=\"M 185.63,147.843 L 198.231,129.105\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-25\" d=\"M 185.63,147.843 L 163.102,146.299\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 195.556,168.125 L 218.084,169.669\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 218.084,169.669 L 230.685,150.931\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 230.531,153.184 L 238.28,153.715\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 238.28,153.715 L 246.029,154.246\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 230.84,148.678 L 238.588,149.209\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 238.588,149.209 L 246.337,149.74\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 230.685,150.931 L 220.758,130.649\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 220.758,130.649 L 198.231,129.105\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 217.07,134.923 L 201.301,133.843\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 198.231,129.105 L 188.304,108.824\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 188.304,108.824 L 165.776,107.28\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 165.776,107.28 L 153.175,126.018\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 153.175,126.018 L 163.102,146.299\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-24\" d=\"M 153.175,126.018 L 130.647,124.474\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 163.102,146.299 L 150.501,165.037\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 150.501,165.037 L 127.973,163.493\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 127.973,163.493 L 118.046,143.211\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 118.046,143.211 L 103.556,160.529\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 118.046,143.211 L 96.3318,137.018\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-26\" d=\"M 118.046,143.211 L 130.647,124.474\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 96.3318,137.018 L 78.5574,150.944\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-20\" d=\"M 96.3318,137.018 L 95.5125,114.452\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 76.3217,151.262 L 77.3743,158.676\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 77.3743,158.676 L 78.4269,166.091\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 80.793,150.627 L 81.8456,158.042\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 81.8456,158.042 L 82.8982,165.456\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-18\" d=\"M 78.5574,150.944 L 57.6093,142.514\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-19\" d=\"M 57.6093,142.514 L 53.5253,145.714\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-19\" d=\"M 53.5253,145.714 L 49.4413,148.914\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-21\" d=\"M 95.5125,114.452 L 116.721,106.699\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-22\" d=\"M 116.721,106.699 L 130.647,124.474\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:15px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"246.183\" y=\"160.002\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:15px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"74.7011\" y=\"180.828\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:15px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"26.2811\" y=\"163.968\"><tspan>HO</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CC12CCC(=O)C=C1CCC1C3CCC(O)(C(=O)CO)C3(C)CC(O)C12F\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"181.605\" cy=\"151.843\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#6262FF;fill-rule:evenodd;stroke:#6262FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"186.102\" cy=\"139.382\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#1C1CFF;fill-rule:evenodd;stroke:#1C1CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"198.371\" cy=\"158.165\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#FFDEDE;fill-rule:evenodd;stroke:#FFDEDE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"220.772\" cy=\"156.929\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#0C0CFF;fill-rule:evenodd;stroke:#0C0CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"230.903\" cy=\"136.912\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#6262FF;fill-rule:evenodd;stroke:#6262FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"253.304\" cy=\"135.677\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#1E1EFF;fill-rule:evenodd;stroke:#1E1EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"218.633\" cy=\"118.13\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#FF9494;fill-rule:evenodd;stroke:#FF9494;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"196.232\" cy=\"119.365\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#2626FF;fill-rule:evenodd;stroke:#2626FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"183.962\" cy=\"100.583\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#3A3AFF;fill-rule:evenodd;stroke:#3A3AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"161.562\" cy=\"101.818\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#8A8AFF;fill-rule:evenodd;stroke:#8A8AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"151.431\" cy=\"121.835\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"129.03\" cy=\"123.071\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#FF8C8C;fill-rule:evenodd;stroke:#FF8C8C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"113.123\" cy=\"107.25\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#FF8686;fill-rule:evenodd;stroke:#FF8686;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"93.1614\" cy=\"117.489\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#5A5AFF;fill-rule:evenodd;stroke:#5A5AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"96.7312\" cy=\"139.638\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#FFA4A4;fill-rule:evenodd;stroke:#FFA4A4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"92.895\" cy=\"161.743\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#6262FF;fill-rule:evenodd;stroke:#6262FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"74.3305\" cy=\"140.873\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"64.1997\" cy=\"160.891\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#FF7272;fill-rule:evenodd;stroke:#FF7272;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"62.0605\" cy=\"122.091\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#5C5CFF;fill-rule:evenodd;stroke:#5C5CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"39.6598\" cy=\"123.326\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#1212FF;fill-rule:evenodd;stroke:#1212FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"118.899\" cy=\"143.088\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#FF9E9E;fill-rule:evenodd;stroke:#FF9E9E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"109.12\" cy=\"163.279\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#3A3AFF;fill-rule:evenodd;stroke:#3A3AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"131.169\" cy=\"161.87\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#FFD8D8;fill-rule:evenodd;stroke:#FFD8D8;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"153.57\" cy=\"160.635\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#FF9494;fill-rule:evenodd;stroke:#FF9494;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"165.84\" cy=\"179.417\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#1010FF;fill-rule:evenodd;stroke:#1010FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"163.701\" cy=\"140.618\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#FFD0D0;fill-rule:evenodd;stroke:#FFD0D0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"169.54\" cy=\"152.509\" rx=\"5.9826\" ry=\"5.9826\" style=\"fill:#1E1EFF;fill-rule:evenodd;stroke:#1E1EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 181.605,151.843 L 186.102,139.382\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 186.102,139.382 L 198.371,158.165\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-26\" d=\"M 186.102,139.382 L 196.232,119.365\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-28\" d=\"M 186.102,139.382 L 163.701,140.618\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 198.371,158.165 L 220.772,156.929\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 220.772,156.929 L 230.903,136.912\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 231.027,139.152 L 238.735,138.727\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 238.735,138.727 L 246.443,138.302\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 230.779,134.672 L 238.488,134.247\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 238.488,134.247 L 246.196,133.822\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 230.903,136.912 L 218.633,118.13\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 218.633,118.13 L 196.232,119.365\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 215.52,122.796 L 199.839,123.66\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 196.232,119.365 L 183.962,100.583\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 183.962,100.583 L 161.562,101.818\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 161.562,101.818 L 151.431,121.835\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 151.431,121.835 L 129.03,123.071\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-27\" d=\"M 151.431,121.835 L 163.701,140.618\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 129.03,123.071 L 113.123,107.25\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-29\" d=\"M 129.03,123.071 L 118.899,143.088\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 113.123,107.25 L 93.1614,117.489\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 93.1614,117.489 L 96.7312,139.638\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 96.7312,139.638 L 95.462,146.951\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 95.462,146.951 L 94.1929,154.264\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 96.7312,139.638 L 74.3305,140.873\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-19\" d=\"M 96.7312,139.638 L 118.899,143.088\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 72.3288,139.86 L 69.1558,146.13\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 69.1558,146.13 L 65.9828,152.399\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 76.3322,141.887 L 73.1592,148.156\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 73.1592,148.156 L 69.9862,154.425\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 74.3305,140.873 L 62.0605,122.091\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-18\" d=\"M 62.0605,122.091 L 57.5933,122.338\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-18\" d=\"M 57.5933,122.338 L 53.126,122.584\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-20\" d=\"M 118.899,143.088 L 109.12,163.279\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-21\" d=\"M 118.899,143.088 L 131.169,161.87\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-22\" d=\"M 131.169,161.87 L 153.57,160.635\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-23\" d=\"M 153.57,160.635 L 157.262,166.287\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-23\" d=\"M 157.262,166.287 L 160.955,171.939\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-24\" d=\"M 153.57,160.635 L 163.701,140.618\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-25\" d=\"M 163.701,140.618 L 164.784,142.824\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-25\" d=\"M 164.784,142.824 L 165.868,145.03\" style=\"fill:none;fill-rule:evenodd;stroke:#33CCCC;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:14px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"246.319\" y=\"143.155\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:14px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"79.4287\" y=\"169.221\"><tspan>OH</tspan></text>\n",
"<text style=\"font-size:14px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"57.2152\" y=\"168.369\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:14px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"26.1935\" y=\"130.805\"><tspan>HO</tspan></text>\n",
"<text style=\"font-size:14px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"152.374\" y=\"186.895\"><tspan>OH</tspan></text>\n",
"<text style=\"font-size:14px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#33CCCC\" x=\"164.055\" y=\"159.987\"><tspan>F</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"O=C(O)c1ccccc1O\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"237.004\" cy=\"116.724\" rx=\"15.7156\" ry=\"15.7156\" style=\"fill:#5E5EFF;fill-rule:evenodd;stroke:#5E5EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"205.022\" cy=\"166.224\" rx=\"15.7156\" ry=\"15.7156\" style=\"fill:#FF8888;fill-rule:evenodd;stroke:#FF8888;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"231.899\" cy=\"218.672\" rx=\"15.7156\" ry=\"15.7156\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"146.162\" cy=\"163.276\" rx=\"15.7156\" ry=\"15.7156\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"114.179\" cy=\"212.776\" rx=\"15.7156\" ry=\"15.7156\" style=\"fill:#FF8888;fill-rule:evenodd;stroke:#FF8888;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"55.3199\" cy=\"209.829\" rx=\"15.7156\" ry=\"15.7156\" style=\"fill:#4A4AFF;fill-rule:evenodd;stroke:#4A4AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"28.4428\" cy=\"157.381\" rx=\"15.7156\" ry=\"15.7156\" style=\"fill:#4A4AFF;fill-rule:evenodd;stroke:#4A4AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"60.4253\" cy=\"107.881\" rx=\"15.7156\" ry=\"15.7156\" style=\"fill:#7E7EFF;fill-rule:evenodd;stroke:#7E7EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"119.285\" cy=\"110.829\" rx=\"15.7156\" ry=\"15.7156\" style=\"fill:#1010FF;fill-rule:evenodd;stroke:#1010FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"151.267\" cy=\"61.3285\" rx=\"15.7156\" ry=\"15.7156\" style=\"fill:#B2B2FF;fill-rule:evenodd;stroke:#B2B2FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 219.362,133.17 L 209.716,148.098\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 209.716,148.098 L 200.071,163.026\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 229.262,139.566 L 219.617,154.494\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 219.617,154.494 L 209.972,169.422\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 205.022,166.224 L 213.427,182.625\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 213.427,182.625 L 221.832,199.027\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 205.022,166.224 L 146.162,163.276\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 146.162,163.276 L 114.179,212.776\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 131.465,164.305 L 109.077,198.955\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 146.162,163.276 L 119.285,110.829\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 114.179,212.776 L 55.3199,209.829\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 55.3199,209.829 L 28.4428,157.381\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 61.7779,196.586 L 42.9639,159.873\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 28.4428,157.381 L 60.4253,107.881\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 60.4253,107.881 L 119.285,110.829\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 68.6647,120.095 L 109.866,122.158\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 119.285,110.829 L 128.93,95.9008\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 128.93,95.9008 L 138.575,80.9729\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:39px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"218.657\" y=\"136.368\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:39px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"196.524\" y=\"238.316\"><tspan>OH</tspan></text>\n",
"<text style=\"font-size:39px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"115.893\" y=\"80.9729\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCOC(=O)c1ccc(O)cc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"21.5427\" cy=\"105.609\" rx=\"8.81546\" ry=\"8.81546\" style=\"fill:#3838FF;fill-rule:evenodd;stroke:#3838FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"43.8864\" cy=\"129.973\" rx=\"8.81546\" ry=\"8.81546\" style=\"fill:#4242FF;fill-rule:evenodd;stroke:#4242FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"76.1578\" cy=\"122.805\" rx=\"8.81546\" ry=\"8.81546\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"98.5015\" cy=\"147.168\" rx=\"8.81546\" ry=\"8.81546\" style=\"fill:#B0B0FF;fill-rule:evenodd;stroke:#B0B0FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"88.5736\" cy=\"178.7\" rx=\"8.81546\" ry=\"8.81546\" style=\"fill:#5858FF;fill-rule:evenodd;stroke:#5858FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"130.773\" cy=\"140\" rx=\"8.81546\" ry=\"8.81546\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"140.701\" cy=\"108.468\" rx=\"8.81546\" ry=\"8.81546\" style=\"fill:#8E8EFF;fill-rule:evenodd;stroke:#8E8EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"172.972\" cy=\"101.3\" rx=\"8.81546\" ry=\"8.81546\" style=\"fill:#FFD0D0;fill-rule:evenodd;stroke:#FFD0D0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"195.316\" cy=\"125.663\" rx=\"8.81546\" ry=\"8.81546\" style=\"fill:#B0B0FF;fill-rule:evenodd;stroke:#B0B0FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"227.587\" cy=\"118.495\" rx=\"8.81546\" ry=\"8.81546\" style=\"fill:#8484FF;fill-rule:evenodd;stroke:#8484FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"185.388\" cy=\"157.195\" rx=\"8.81546\" ry=\"8.81546\" style=\"fill:#A4A4FF;fill-rule:evenodd;stroke:#A4A4FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"153.117\" cy=\"164.364\" rx=\"8.81546\" ry=\"8.81546\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 21.5427,105.609 L 43.8864,129.973\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 43.8864,129.973 L 54.8762,127.532\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 54.8762,127.532 L 65.8661,125.091\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 86.2635,133.824 L 92.3825,140.496\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 92.3825,140.496 L 98.5015,147.168\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 95.3483,146.175 L 92.1191,156.432\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 92.1191,156.432 L 88.8899,166.688\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 101.655,148.161 L 98.4255,158.417\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 98.4255,158.417 L 95.1963,168.674\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 98.5015,147.168 L 130.773,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 130.773,140 L 140.701,108.468\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 138.568,137.256 L 145.518,115.183\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 130.773,140 L 153.117,164.364\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 140.701,108.468 L 172.972,101.3\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 172.972,101.3 L 195.316,125.663\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 171.451,109.423 L 187.092,126.478\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 195.316,125.663 L 201.53,124.283\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 201.53,124.283 L 207.745,122.903\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 195.316,125.663 L 185.388,157.195\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 185.388,157.195 L 153.117,164.364\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 179.114,151.816 L 156.524,156.834\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:22px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"65.8661\" y=\"133.824\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:22px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"78.2819\" y=\"189.72\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:22px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"207.745\" y=\"129.515\"><tspan>OH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Oc1ccccc1Cl\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"192.104\" cy=\"202.615\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#4242FF;fill-rule:evenodd;stroke:#4242FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"137.878\" cy=\"171.308\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"83.6512\" cy=\"202.615\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#B2B2FF;fill-rule:evenodd;stroke:#B2B2FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"29.4247\" cy=\"171.308\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"29.4247\" cy=\"108.692\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#FF7676;fill-rule:evenodd;stroke:#FF7676;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"83.6512\" cy=\"77.3846\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#6868FF;fill-rule:evenodd;stroke:#6868FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"137.878\" cy=\"108.692\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"192.104\" cy=\"77.3846\" rx=\"16.6974\" ry=\"16.6974\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 166.123,187.615 L 152.001,179.462\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 152.001,179.462 L 137.878,171.308\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 137.878,171.308 L 83.6512,202.615\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 123.482,165.159 L 85.5236,187.074\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 137.878,171.308 L 137.878,108.692\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 83.6512,202.615 L 29.4247,171.308\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 29.4247,171.308 L 29.4247,108.692\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 41.9478,161.915 L 41.9478,118.085\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 29.4247,108.692 L 83.6512,77.3846\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 83.6512,77.3846 L 137.878,108.692\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 85.5236,92.9261 L 123.482,114.841\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 137.878,108.692 L 156.492,97.9456\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 156.492,97.9456 L 175.105,87.1989\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"165.093\" y=\"217.615\"><tspan>OH</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"175.105\" y=\"92.3846\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Oc1c(Cl)cc(Cl)cc1Cl\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"215.967\" cy=\"140\" rx=\"11.3967\" ry=\"11.3967\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"173.229\" cy=\"140\" rx=\"11.3967\" ry=\"11.3967\" style=\"fill:#FF7474;fill-rule:evenodd;stroke:#FF7474;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"151.86\" cy=\"177.012\" rx=\"11.3967\" ry=\"11.3967\" style=\"fill:#FF7878;fill-rule:evenodd;stroke:#FF7878;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"173.229\" cy=\"214.024\" rx=\"11.3967\" ry=\"11.3967\" style=\"fill:#6666FF;fill-rule:evenodd;stroke:#6666FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"109.122\" cy=\"177.012\" rx=\"11.3967\" ry=\"11.3967\" style=\"fill:#6666FF;fill-rule:evenodd;stroke:#6666FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"87.7535\" cy=\"140\" rx=\"11.3967\" ry=\"11.3967\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"45.0158\" cy=\"140\" rx=\"11.3967\" ry=\"11.3967\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"109.122\" cy=\"102.988\" rx=\"11.3967\" ry=\"11.3967\" style=\"fill:#FFCECE;fill-rule:evenodd;stroke:#FFCECE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"151.86\" cy=\"102.988\" rx=\"11.3967\" ry=\"11.3967\" style=\"fill:#4040FF;fill-rule:evenodd;stroke:#4040FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"173.229\" cy=\"65.976\" rx=\"11.3967\" ry=\"11.3967\" style=\"fill:#FF7474;fill-rule:evenodd;stroke:#FF7474;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 190.314,140 L 181.772,140\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 181.772,140 L 173.229,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 173.229,140 L 151.86,177.012\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 162.621,141.278 L 147.663,167.186\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 173.229,140 L 151.86,102.988\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 151.86,177.012 L 158.432,188.395\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 158.432,188.395 L 165.004,199.778\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 151.86,177.012 L 109.122,177.012\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 109.122,177.012 L 87.7535,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 113.319,167.186 L 98.3613,141.278\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 87.7535,140 L 74.4568,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 74.4568,140 L 61.16,140\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 87.7535,140 L 109.122,102.988\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 109.122,102.988 L 151.86,102.988\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 115.533,111.536 L 145.45,111.536\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 151.86,102.988 L 158.432,91.605\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 158.432,91.605 L 165.004,80.2219\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:28px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"190.314\" y=\"154.246\"><tspan>OH</tspan></text>\n",
"<text style=\"font-size:28px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"157.085\" y=\"228.27\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:28px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"28.8715\" y=\"154.246\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:28px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"157.085\" y=\"80.2219\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"O=C(O)c1ccc(Cl)cc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"241.181\" cy=\"102.354\" rx=\"11.5918\" ry=\"11.5918\" style=\"fill:#6060FF;fill-rule:evenodd;stroke:#6060FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"219.446\" cy=\"140\" rx=\"11.5918\" ry=\"11.5918\" style=\"fill:#FF8282;fill-rule:evenodd;stroke:#FF8282;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"241.181\" cy=\"177.646\" rx=\"11.5918\" ry=\"11.5918\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"175.977\" cy=\"140\" rx=\"11.5918\" ry=\"11.5918\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"154.242\" cy=\"177.646\" rx=\"11.5918\" ry=\"11.5918\" style=\"fill:#FF8282;fill-rule:evenodd;stroke:#FF8282;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"110.773\" cy=\"177.646\" rx=\"11.5918\" ry=\"11.5918\" style=\"fill:#7E7EFF;fill-rule:evenodd;stroke:#7E7EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"89.0379\" cy=\"140\" rx=\"11.5918\" ry=\"11.5918\" style=\"fill:#FF7878;fill-rule:evenodd;stroke:#FF7878;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"45.5685\" cy=\"140\" rx=\"11.5918\" ry=\"11.5918\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"110.773\" cy=\"102.354\" rx=\"11.5918\" ry=\"11.5918\" style=\"fill:#4C4CFF;fill-rule:evenodd;stroke:#4C4CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"154.242\" cy=\"102.354\" rx=\"11.5918\" ry=\"11.5918\" style=\"fill:#FFC8C8;fill-rule:evenodd;stroke:#FFC8C8;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 229.05,114.671 L 222.366,126.249\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 222.366,126.249 L 215.681,137.827\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 236.58,119.018 L 229.895,130.596\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 229.895,130.596 L 223.211,142.173\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 219.446,140 L 226.13,151.578\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 226.13,151.578 L 232.815,163.156\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 219.446,140 L 175.977,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 175.977,140 L 154.242,177.646\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 165.187,141.3 L 149.973,167.652\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 175.977,140 L 154.242,102.354\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 154.242,177.646 L 110.773,177.646\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 110.773,177.646 L 89.0379,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 115.041,167.652 L 99.8272,141.3\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 89.0379,140 L 75.5135,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 75.5135,140 L 61.9891,140\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 89.0379,140 L 110.773,102.354\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 110.773,102.354 L 154.242,102.354\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 117.293,111.048 L 147.722,111.048\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:28px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"227.648\" y=\"116.844\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:28px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"215.089\" y=\"192.135\"><tspan>OH</tspan></text>\n",
"<text style=\"font-size:28px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"29.1479\" y=\"154.49\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"ClC1=C(Cl)C2(Cl)C3C4CC(C5OC45)C3C1(Cl)C2(Cl)Cl\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"42.4578\" cy=\"93.4851\" rx=\"10.4939\" ry=\"10.4939\" style=\"fill:#FFEEEE;fill-rule:evenodd;stroke:#FFEEEE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"71.2374\" cy=\"120.324\" rx=\"10.4939\" ry=\"10.4939\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"71.2374\" cy=\"159.676\" rx=\"10.4939\" ry=\"10.4939\" style=\"fill:#3232FF;fill-rule:evenodd;stroke:#3232FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"42.4578\" cy=\"186.515\" rx=\"10.4939\" ry=\"10.4939\" style=\"fill:#C2C2FF;fill-rule:evenodd;stroke:#C2C2FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"108.663\" cy=\"171.836\" rx=\"10.4939\" ry=\"10.4939\" style=\"fill:#ECECFF;fill-rule:evenodd;stroke:#ECECFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"96.503\" cy=\"209.263\" rx=\"10.4939\" ry=\"10.4939\" style=\"fill:#FFEEEE;fill-rule:evenodd;stroke:#FFEEEE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"146.089\" cy=\"159.676\" rx=\"10.4939\" ry=\"10.4939\" style=\"fill:#FFE2E2;fill-rule:evenodd;stroke:#FFE2E2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"183.516\" cy=\"171.836\" rx=\"10.4939\" ry=\"10.4939\" style=\"fill:#1010FF;fill-rule:evenodd;stroke:#1010FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"160.385\" cy=\"140\" rx=\"10.4939\" ry=\"10.4939\" style=\"fill:#FFD4D4;fill-rule:evenodd;stroke:#FFD4D4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"183.516\" cy=\"108.164\" rx=\"10.4939\" ry=\"10.4939\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"220.942\" cy=\"120.324\" rx=\"10.4939\" ry=\"10.4939\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"255.021\" cy=\"140\" rx=\"10.4939\" ry=\"10.4939\" style=\"fill:#3232FF;fill-rule:evenodd;stroke:#3232FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"220.942\" cy=\"159.676\" rx=\"10.4939\" ry=\"10.4939\" style=\"fill:#FFD4D4;fill-rule:evenodd;stroke:#FFD4D4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"146.089\" cy=\"120.324\" rx=\"10.4939\" ry=\"10.4939\" style=\"fill:#A4A4FF;fill-rule:evenodd;stroke:#A4A4FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"108.663\" cy=\"108.164\" rx=\"10.4939\" ry=\"10.4939\" style=\"fill:#C2C2FF;fill-rule:evenodd;stroke:#C2C2FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"96.503\" cy=\"70.7375\" rx=\"10.4939\" ry=\"10.4939\" style=\"fill:#C2C2FF;fill-rule:evenodd;stroke:#C2C2FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"85.5329\" cy=\"140\" rx=\"10.4939\" ry=\"10.4939\" style=\"fill:#ECECFF;fill-rule:evenodd;stroke:#ECECFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"48.7934\" cy=\"125.9\" rx=\"10.4939\" ry=\"10.4939\" style=\"fill:#A4A4FF;fill-rule:evenodd;stroke:#A4A4FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"48.7934\" cy=\"154.1\" rx=\"10.4939\" ry=\"10.4939\" style=\"fill:#FFE2E2;fill-rule:evenodd;stroke:#FFE2E2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 56.5237,106.602 L 63.8806,113.463\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 63.8806,113.463 L 71.2374,120.324\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 71.2374,120.324 L 71.2374,159.676\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 79.1078,126.227 L 79.1078,153.773\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-18\" d=\"M 71.2374,120.324 L 108.663,108.164\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 71.2374,159.676 L 63.8806,166.537\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 63.8806,166.537 L 56.5237,173.398\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 71.2374,159.676 L 108.663,171.836\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 108.663,171.836 L 104.714,183.991\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 104.714,183.991 L 100.765,196.145\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 108.663,171.836 L 146.089,159.676\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-19\" d=\"M 108.663,171.836 L 85.5329,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 146.089,159.676 L 183.516,171.836\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-20\" d=\"M 146.089,159.676 L 146.089,120.324\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 183.516,171.836 L 160.385,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-21\" d=\"M 183.516,171.836 L 220.942,159.676\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 160.385,140 L 183.516,108.164\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 183.516,108.164 L 220.942,120.324\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 183.516,108.164 L 146.089,120.324\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 220.942,120.324 L 231.856,126.625\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 231.856,126.625 L 242.77,132.927\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-22\" d=\"M 220.942,120.324 L 220.942,159.676\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 242.77,147.073 L 231.856,153.375\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 231.856,153.375 L 220.942,159.676\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 146.089,120.324 L 108.663,108.164\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 108.663,108.164 L 104.714,96.0092\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 104.714,96.0092 L 100.765,83.8548\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 108.663,108.164 L 85.5329,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 85.5329,140 L 74.5958,135.803\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 74.5958,135.803 L 63.6587,131.605\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 85.5329,140 L 74.5958,144.197\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 74.5958,144.197 L 63.6587,148.395\" style=\"fill:none;fill-rule:evenodd;stroke:#00CC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:26px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"27.5926\" y=\"106.602\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:26px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"27.5926\" y=\"199.632\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:26px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"81.6377\" y=\"222.38\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:26px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"242.77\" y=\"153.117\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:26px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"81.6377\" y=\"83.8548\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:26px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"33.9281\" y=\"139.018\"><tspan>Cl</tspan></text>\n",
"<text style=\"font-size:26px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#00CC00\" x=\"33.9281\" y=\"167.217\"><tspan>Cl</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCCCCN\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"22.6497\" cy=\"149.302\" rx=\"9.92239\" ry=\"9.92239\" style=\"fill:#FF7070;fill-rule:evenodd;stroke:#FF7070;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"54.8736\" cy=\"130.698\" rx=\"9.92239\" ry=\"9.92239\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"87.0975\" cy=\"149.302\" rx=\"9.92239\" ry=\"9.92239\" style=\"fill:#2828FF;fill-rule:evenodd;stroke:#2828FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"119.321\" cy=\"130.698\" rx=\"9.92239\" ry=\"9.92239\" style=\"fill:#0E0EFF;fill-rule:evenodd;stroke:#0E0EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"151.545\" cy=\"149.302\" rx=\"9.92239\" ry=\"9.92239\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"183.769\" cy=\"130.698\" rx=\"9.92239\" ry=\"9.92239\" style=\"fill:#FF7E7E;fill-rule:evenodd;stroke:#FF7E7E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"215.993\" cy=\"149.302\" rx=\"9.92239\" ry=\"9.92239\" style=\"fill:#FF9898;fill-rule:evenodd;stroke:#FF9898;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 22.6497,149.302 L 54.8736,130.698\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 54.8736,130.698 L 87.0975,149.302\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 87.0975,149.302 L 119.321,130.698\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 119.321,130.698 L 151.545,149.302\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 151.545,149.302 L 183.769,130.698\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 183.769,130.698 L 188.066,133.178\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 188.066,133.178 L 192.362,135.659\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:24px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"190.353\" y=\"162.946\"><tspan>NH</tspan><tspan style=\"baseline-shift:sub;font-size:18px;\">2</tspan><tspan/></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCCCCCCCN\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"20.645\" cy=\"147.423\" rx=\"7.91772\" ry=\"7.91772\" style=\"fill:#FF7070;fill-rule:evenodd;stroke:#FF7070;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"46.3585\" cy=\"132.577\" rx=\"7.91772\" ry=\"7.91772\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"72.0721\" cy=\"147.423\" rx=\"7.91772\" ry=\"7.91772\" style=\"fill:#FF7E7E;fill-rule:evenodd;stroke:#FF7E7E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"97.7857\" cy=\"132.577\" rx=\"7.91772\" ry=\"7.91772\" style=\"fill:#2828FF;fill-rule:evenodd;stroke:#2828FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"123.499\" cy=\"147.423\" rx=\"7.91772\" ry=\"7.91772\" style=\"fill:#0E0EFF;fill-rule:evenodd;stroke:#0E0EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"149.213\" cy=\"132.577\" rx=\"7.91772\" ry=\"7.91772\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"174.926\" cy=\"147.423\" rx=\"7.91772\" ry=\"7.91772\" style=\"fill:#FF7E7E;fill-rule:evenodd;stroke:#FF7E7E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"200.64\" cy=\"132.577\" rx=\"7.91772\" ry=\"7.91772\" style=\"fill:#FF7E7E;fill-rule:evenodd;stroke:#FF7E7E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"226.353\" cy=\"147.423\" rx=\"7.91772\" ry=\"7.91772\" style=\"fill:#FF9898;fill-rule:evenodd;stroke:#FF9898;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 20.645,147.423 L 46.3585,132.577\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 46.3585,132.577 L 72.0721,147.423\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 72.0721,147.423 L 97.7857,132.577\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 97.7857,132.577 L 123.499,147.423\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 123.499,147.423 L 149.213,132.577\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 149.213,132.577 L 174.926,147.423\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 174.926,147.423 L 200.64,132.577\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 200.64,132.577 L 204.068,134.557\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 204.068,134.557 L 207.497,136.536\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:19px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"205.894\" y=\"158.31\"><tspan>NH</tspan><tspan style=\"baseline-shift:sub;font-size:14.25px;\">2</tspan><tspan/></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CNc1ccccc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"29.1306\" cy=\"121.862\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#FFAEAE;fill-rule:evenodd;stroke:#FFAEAE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"70.852\" cy=\"167.063\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"130.858\" cy=\"153.531\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#FF7878;fill-rule:evenodd;stroke:#FF7878;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"149.142\" cy=\"94.7991\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#FF7878;fill-rule:evenodd;stroke:#FF7878;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"209.148\" cy=\"81.2678\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"250.869\" cy=\"126.469\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#1C1CFF;fill-rule:evenodd;stroke:#1C1CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"232.585\" cy=\"185.201\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#5454FF;fill-rule:evenodd;stroke:#5454FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"172.579\" cy=\"198.732\" rx=\"16.4033\" ry=\"16.4033\" style=\"fill:#FFAEAE;fill-rule:evenodd;stroke:#FFAEAE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 29.1306,121.862 L 43.0686,136.962\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 43.0686,136.962 L 57.0067,152.063\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 96.8544,161.199 L 113.856,157.365\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 113.856,157.365 L 130.858,153.531\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 130.858,153.531 L 149.142,94.7991\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 145.347,148.378 L 158.146,107.266\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 130.858,153.531 L 172.579,198.732\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 149.142,94.7991 L 209.148,81.2678\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 209.148,81.2678 L 250.869,126.469\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 206.366,96.3922 L 235.571,128.033\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 250.869,126.469 L 232.585,185.201\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 232.585,185.201 L 172.579,198.732\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 220.878,175.229 L 178.874,184.701\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:29px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"44.8496\" y=\"182.063\"><tspan>NH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CN(C)c1ccccc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"250.443\" cy=\"194.655\" rx=\"16.8295\" ry=\"16.8295\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"218.888\" cy=\"140\" rx=\"16.8295\" ry=\"16.8295\" style=\"fill:#FF7676;fill-rule:evenodd;stroke:#FF7676;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"250.443\" cy=\"85.3448\" rx=\"16.8295\" ry=\"16.8295\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"155.778\" cy=\"140\" rx=\"16.8295\" ry=\"16.8295\" style=\"fill:#A0A0FF;fill-rule:evenodd;stroke:#A0A0FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"124.222\" cy=\"194.655\" rx=\"16.8295\" ry=\"16.8295\" style=\"fill:#0A0AFF;fill-rule:evenodd;stroke:#0A0AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"61.1119\" cy=\"194.655\" rx=\"16.8295\" ry=\"16.8295\" style=\"fill:#4242FF;fill-rule:evenodd;stroke:#4242FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"29.5567\" cy=\"140\" rx=\"16.8295\" ry=\"16.8295\" style=\"fill:#4242FF;fill-rule:evenodd;stroke:#4242FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"61.1119\" cy=\"85.3448\" rx=\"16.8295\" ry=\"16.8295\" style=\"fill:#A0A0FF;fill-rule:evenodd;stroke:#A0A0FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"124.222\" cy=\"85.3448\" rx=\"16.8295\" ry=\"16.8295\" style=\"fill:#FF7676;fill-rule:evenodd;stroke:#FF7676;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 250.443,194.655 L 238.996,174.828\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 238.996,174.828 L 227.548,155\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 227.548,125 L 238.996,105.172\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 238.996,105.172 L 250.443,85.3448\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 205.887,140 L 180.832,140\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 180.832,140 L 155.778,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 155.778,140 L 124.222,194.655\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 140.113,141.887 L 118.025,180.146\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 155.778,140 L 124.222,85.3448\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 124.222,194.655 L 61.1119,194.655\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 61.1119,194.655 L 29.5567,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 67.3097,180.146 L 45.2211,141.887\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 29.5567,140 L 61.1119,85.3448\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 61.1119,85.3448 L 124.222,85.3448\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 70.5785,97.9668 L 114.756,97.9668\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"205.887\" y=\"155\"><tspan>N</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Nc1cccc2ccccc12\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"60.6116\" cy=\"49.9311\" rx=\"16.4233\" ry=\"16.4233\" style=\"fill:#FF7474;fill-rule:evenodd;stroke:#FF7474;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"74.3051\" cy=\"109.977\" rx=\"16.4233\" ry=\"16.4233\" style=\"fill:#FF7474;fill-rule:evenodd;stroke:#FF7474;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"29.1506\" cy=\"151.859\" rx=\"16.4233\" ry=\"16.4233\" style=\"fill:#FF9090;fill-rule:evenodd;stroke:#FF9090;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"42.8442\" cy=\"211.905\" rx=\"16.4233\" ry=\"16.4233\" style=\"fill:#FF9898;fill-rule:evenodd;stroke:#FF9898;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"101.692\" cy=\"230.069\" rx=\"16.4233\" ry=\"16.4233\" style=\"fill:#7676FF;fill-rule:evenodd;stroke:#7676FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"146.847\" cy=\"188.187\" rx=\"16.4233\" ry=\"16.4233\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"205.695\" cy=\"206.351\" rx=\"16.4233\" ry=\"16.4233\" style=\"fill:#FF9090;fill-rule:evenodd;stroke:#FF9090;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"250.849\" cy=\"164.469\" rx=\"16.4233\" ry=\"16.4233\" style=\"fill:#5858FF;fill-rule:evenodd;stroke:#5858FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"237.156\" cy=\"104.423\" rx=\"16.4233\" ry=\"16.4233\" style=\"fill:#5050FF;fill-rule:evenodd;stroke:#5050FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"178.308\" cy=\"86.2591\" rx=\"16.4233\" ry=\"16.4233\" style=\"fill:#FF9494;fill-rule:evenodd;stroke:#FF9494;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"133.153\" cy=\"128.141\" rx=\"16.4233\" ry=\"16.4233\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 64.3744,66.4311 L 69.3398,88.2041\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 69.3398,88.2041 L 74.3051,109.977\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 74.3051,109.977 L 29.1506,151.859\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 75.9083,125.29 L 44.3002,154.608\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 74.3051,109.977 L 133.153,128.141\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 29.1506,151.859 L 42.8442,211.905\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 42.8442,211.905 L 101.692,230.069\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 55.3042,202.86 L 96.4979,215.575\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 101.692,230.069 L 146.847,188.187\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 146.847,188.187 L 205.695,206.351\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 159.307,179.142 L 200.5,191.857\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 146.847,188.187 L 133.153,128.141\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 205.695,206.351 L 250.849,164.469\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 250.849,164.469 L 237.156,104.423\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 236.786,158.201 L 227.201,116.169\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 237.156,104.423 L 178.308,86.2591\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 178.308,86.2591 L 133.153,128.141\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 179.911,101.572 L 148.303,130.89\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"29.6032\" y=\"66.4311\"><tspan>NH</tspan><tspan style=\"baseline-shift:sub;font-size:22.5px;\">2</tspan><tspan/></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Cc1ccc(C)nc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"252.299\" cy=\"140\" rx=\"14.9733\" ry=\"14.9733\" style=\"fill:#FF7474;fill-rule:evenodd;stroke:#FF7474;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"196.15\" cy=\"140\" rx=\"14.9733\" ry=\"14.9733\" style=\"fill:#0404FF;fill-rule:evenodd;stroke:#0404FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"168.075\" cy=\"188.627\" rx=\"14.9733\" ry=\"14.9733\" style=\"fill:#4646FF;fill-rule:evenodd;stroke:#4646FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"111.925\" cy=\"188.627\" rx=\"14.9733\" ry=\"14.9733\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"83.8503\" cy=\"140\" rx=\"14.9733\" ry=\"14.9733\" style=\"fill:#6C6CFF;fill-rule:evenodd;stroke:#6C6CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"27.7005\" cy=\"140\" rx=\"14.9733\" ry=\"14.9733\" style=\"fill:#5E5EFF;fill-rule:evenodd;stroke:#5E5EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"111.925\" cy=\"91.3729\" rx=\"14.9733\" ry=\"14.9733\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"168.075\" cy=\"91.3729\" rx=\"14.9733\" ry=\"14.9733\" style=\"fill:#1E1EFF;fill-rule:evenodd;stroke:#1E1EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 252.299,140 L 196.15,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 196.15,140 L 168.075,188.627\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 182.213,141.679 L 162.561,175.718\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 196.15,140 L 168.075,91.3729\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 168.075,188.627 L 111.925,188.627\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 111.925,188.627 L 83.8503,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 117.439,175.718 L 97.7869,141.679\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 83.8503,140 L 27.7005,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 83.8503,140 L 92.4847,125.045\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 92.4847,125.045 L 101.119,110.089\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 128.148,91.3729 L 148.111,91.3729\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 148.111,91.3729 L 168.075,91.3729\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 134.137,102.603 L 148.111,102.603\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 148.111,102.603 L 162.086,102.603\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:37px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"95.7026\" y=\"110.089\"><tspan>N</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"c1ccc2cnccc2c1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"29.6139\" cy=\"171.662\" rx=\"16.8866\" ry=\"16.8866\" style=\"fill:#FF9090;fill-rule:evenodd;stroke:#FF9090;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"29.6139\" cy=\"108.338\" rx=\"16.8866\" ry=\"16.8866\" style=\"fill:#FF9090;fill-rule:evenodd;stroke:#FF9090;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"84.4547\" cy=\"76.6753\" rx=\"16.8866\" ry=\"16.8866\" style=\"fill:#3434FF;fill-rule:evenodd;stroke:#3434FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"139.296\" cy=\"108.338\" rx=\"16.8866\" ry=\"16.8866\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"194.136\" cy=\"76.6753\" rx=\"16.8866\" ry=\"16.8866\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"248.977\" cy=\"108.338\" rx=\"16.8866\" ry=\"16.8866\" style=\"fill:#4040FF;fill-rule:evenodd;stroke:#4040FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"248.977\" cy=\"171.662\" rx=\"16.8866\" ry=\"16.8866\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"194.136\" cy=\"203.325\" rx=\"16.8866\" ry=\"16.8866\" style=\"fill:#1010FF;fill-rule:evenodd;stroke:#1010FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"139.296\" cy=\"171.662\" rx=\"16.8866\" ry=\"16.8866\" style=\"fill:#FF9E9E;fill-rule:evenodd;stroke:#FF9E9E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"84.4547\" cy=\"203.325\" rx=\"16.8866\" ry=\"16.8866\" style=\"fill:#1616FF;fill-rule:evenodd;stroke:#1616FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 29.6139,171.662 L 29.6139,108.338\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 42.2788,162.164 L 42.2788,117.836\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 29.6139,171.662 L 84.4547,203.325\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 29.6139,108.338 L 84.4547,76.6753\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 84.4547,76.6753 L 139.296,108.338\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 86.3484,92.3928 L 124.737,114.556\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 139.296,108.338 L 194.136,76.6753\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 139.296,108.338 L 139.296,171.662\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 194.136,76.6753 L 215.056,88.7533\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 215.056,88.7533 L 235.976,100.831\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 194.08,91.2668 L 208.724,99.7215\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 208.724,99.7215 L 223.368,108.176\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 248.977,123.338 L 248.977,147.5\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 248.977,147.5 L 248.977,171.662\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 248.977,171.662 L 194.136,203.325\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 234.419,165.444 L 196.03,187.607\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 194.136,203.325 L 139.296,171.662\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 139.296,171.662 L 84.4547,203.325\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 124.737,165.444 L 86.3484,187.607\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"235.976\" y=\"123.338\"><tspan>N</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"O=C(O)c1cccnc1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"232.285\" cy=\"89.5197\" rx=\"15.5439\" ry=\"15.5439\" style=\"fill:#6060FF;fill-rule:evenodd;stroke:#6060FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"203.14\" cy=\"140\" rx=\"15.5439\" ry=\"15.5439\" style=\"fill:#AAAAFF;fill-rule:evenodd;stroke:#AAAAFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"232.285\" cy=\"190.48\" rx=\"15.5439\" ry=\"15.5439\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"144.85\" cy=\"140\" rx=\"15.5439\" ry=\"15.5439\" style=\"fill:#9292FF;fill-rule:evenodd;stroke:#9292FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"115.706\" cy=\"190.48\" rx=\"15.5439\" ry=\"15.5439\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"57.416\" cy=\"190.48\" rx=\"15.5439\" ry=\"15.5439\" style=\"fill:#4C4CFF;fill-rule:evenodd;stroke:#4C4CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"28.2712\" cy=\"140\" rx=\"15.5439\" ry=\"15.5439\" style=\"fill:#7E7EFF;fill-rule:evenodd;stroke:#7E7EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"57.416\" cy=\"89.5197\" rx=\"15.5439\" ry=\"15.5439\" style=\"fill:#8888FF;fill-rule:evenodd;stroke:#8888FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"115.706\" cy=\"89.5197\" rx=\"15.5439\" ry=\"15.5439\" style=\"fill:#A8A8FF;fill-rule:evenodd;stroke:#A8A8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 216.019,106.035 L 207.056,121.56\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 207.056,121.56 L 198.092,137.086\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 226.115,111.864 L 217.152,127.389\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 217.152,127.389 L 208.188,142.914\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 203.14,140 L 212.104,155.525\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 212.104,155.525 L 221.067,171.05\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 203.14,140 L 144.85,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 144.85,140 L 115.706,190.48\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 130.383,141.743 L 109.981,177.079\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 144.85,140 L 115.706,89.5197\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 115.706,190.48 L 57.416,190.48\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 57.416,190.48 L 28.2712,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 63.1403,177.079 L 42.739,141.743\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 28.2712,140 L 37.2347,124.475\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 37.2347,124.475 L 46.1982,108.95\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 74.2568,89.5197 L 94.9812,89.5197\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 94.9812,89.5197 L 115.706,89.5197\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 80.4741,101.178 L 94.9812,101.178\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 94.9812,101.178 L 109.488,101.178\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:38px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"214.138\" y=\"108.95\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:38px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"197.297\" y=\"209.91\"><tspan>OH</tspan></text>\n",
"<text style=\"font-size:38px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"40.5752\" y=\"108.95\"><tspan>N</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Cc1cc(N)nc(C)n1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"248.965\" cy=\"140\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"185.288\" cy=\"140\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#DCDCFF;fill-rule:evenodd;stroke:#DCDCFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"153.449\" cy=\"195.146\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#8888FF;fill-rule:evenodd;stroke:#8888FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"89.7717\" cy=\"195.146\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#FFEEEE;fill-rule:evenodd;stroke:#FFEEEE;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"57.9331\" cy=\"250.292\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#FFFAFA;fill-rule:evenodd;stroke:#FFFAFA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"57.9331\" cy=\"140\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#DCDCFF;fill-rule:evenodd;stroke:#DCDCFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"89.7717\" cy=\"84.8539\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"57.9331\" cy=\"29.7079\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#FF9C9C;fill-rule:evenodd;stroke:#FF9C9C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"153.449\" cy=\"84.8539\" rx=\"16.9806\" ry=\"16.9806\" style=\"fill:#FF7474;fill-rule:evenodd;stroke:#FF7474;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 248.965,140 L 185.288,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 185.288,140 L 153.449,195.146\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 169.483,141.904 L 147.195,180.506\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 185.288,140 L 173.698,119.927\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 173.698,119.927 L 162.109,99.8539\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 153.449,195.146 L 89.7717,195.146\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 89.7717,195.146 L 78.6156,214.469\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 78.6156,214.469 L 67.4594,233.792\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 89.7717,195.146 L 78.1825,175.073\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 78.1825,175.073 L 66.5934,155\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 97.3242,182.756 L 89.2118,168.705\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 89.2118,168.705 L 81.0993,154.654\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 66.5934,125 L 78.1825,104.927\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 78.1825,104.927 L 89.7717,84.8539\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 89.7717,84.8539 L 57.9331,29.7079\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 89.7717,84.8539 L 115.11,84.8539\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 115.11,84.8539 L 140.448,84.8539\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 97.3731,97.5894 L 115.11,97.5894\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 115.11,97.5894 L 132.846,97.5894\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"26.9247\" y=\"266.792\"><tspan>NH</tspan><tspan style=\"baseline-shift:sub;font-size:22.5px;\">2</tspan><tspan/></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"44.9319\" y=\"155\"><tspan>N</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"140.448\" y=\"99.8539\"><tspan>N</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"c1cc[nH]c1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"238.792\" cy=\"140\" rx=\"28.4805\" ry=\"28.4805\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"176.016\" cy=\"53.5954\" rx=\"28.4805\" ry=\"28.4805\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"74.4408\" cy=\"86.599\" rx=\"28.4805\" ry=\"28.4805\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"74.4408\" cy=\"193.401\" rx=\"28.4805\" ry=\"28.4805\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"176.016\" cy=\"226.405\" rx=\"28.4805\" ry=\"28.4805\" style=\"fill:#FFB4B4;fill-rule:evenodd;stroke:#FFB4B4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 238.792,140 L 176.016,53.5954\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 238.792,140 L 176.016,226.405\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 212.095,140.405 L 168.151,200.889\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 176.016,53.5954 L 74.4408,86.599\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 167.38,78.8609 L 96.2777,101.963\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 74.4408,86.599 L 74.4408,132.5\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 74.4408,132.5 L 74.4408,178.401\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 100.443,201.85 L 138.229,214.127\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 138.229,214.127 L 176.016,226.405\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"48.4384\" y=\"208.401\"><tspan>NH</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Sc1nc2ccccc2s1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"62.8165\" cy=\"140\" rx=\"12.0156\" ry=\"12.0156\" style=\"fill:#FF8E8E;fill-rule:evenodd;stroke:#FF8E8E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"107.875\" cy=\"140\" rx=\"12.0156\" ry=\"12.0156\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"134.36\" cy=\"176.453\" rx=\"12.0156\" ry=\"12.0156\" style=\"fill:#FFFAFA;fill-rule:evenodd;stroke:#FFFAFA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"177.213\" cy=\"162.529\" rx=\"12.0156\" ry=\"12.0156\" style=\"fill:#FF8E8E;fill-rule:evenodd;stroke:#FF8E8E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"216.235\" cy=\"185.059\" rx=\"12.0156\" ry=\"12.0156\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"255.257\" cy=\"162.529\" rx=\"12.0156\" ry=\"12.0156\" style=\"fill:#7474FF;fill-rule:evenodd;stroke:#7474FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"255.257\" cy=\"117.471\" rx=\"12.0156\" ry=\"12.0156\" style=\"fill:#7E7EFF;fill-rule:evenodd;stroke:#7E7EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"216.235\" cy=\"94.9414\" rx=\"12.0156\" ry=\"12.0156\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"177.213\" cy=\"117.471\" rx=\"12.0156\" ry=\"12.0156\" style=\"fill:#9E9EFF;fill-rule:evenodd;stroke:#9E9EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"134.36\" cy=\"103.547\" rx=\"12.0156\" ry=\"12.0156\" style=\"fill:#7272FF;fill-rule:evenodd;stroke:#7272FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 87.8611,140 L 97.8681,140\" style=\"fill:none;fill-rule:evenodd;stroke:#CCCC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 97.8681,140 L 107.875,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 107.875,140 L 115.661,150.717\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 115.661,150.717 L 123.448,161.434\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 117.502,137.918 L 122.952,145.42\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 122.952,145.42 L 128.402,152.922\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 107.875,140 L 115.661,129.283\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 115.661,129.283 L 123.448,118.566\" style=\"fill:none;fill-rule:evenodd;stroke:#CCCC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 147.378,172.223 L 162.296,167.376\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 162.296,167.376 L 177.213,162.529\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 177.213,162.529 L 216.235,185.059\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 187.572,158.104 L 214.888,173.875\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 177.213,162.529 L 177.213,117.471\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 216.235,185.059 L 255.257,162.529\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 255.257,162.529 L 255.257,117.471\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 246.245,155.771 L 246.245,124.229\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 255.257,117.471 L 216.235,94.9414\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 216.235,94.9414 L 177.213,117.471\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 214.888,106.125 L 187.572,121.896\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 177.213,117.471 L 161.8,112.463\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 161.8,112.463 L 146.386,107.454\" style=\"fill:none;fill-rule:evenodd;stroke:#CCCC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#CCCC00\" x=\"37.7719\" y=\"155.02\"><tspan>HS</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"121.342\" y=\"191.473\"><tspan>N</tspan></text>\n",
"<text style=\"font-size:30px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#CCCC00\" x=\"122.333\" y=\"118.566\"><tspan>S</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Oc1ccc2ncccc2c1\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"63.852\" cy=\"115.027\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#B4B4FF;fill-rule:evenodd;stroke:#B4B4FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"103.581\" cy=\"130.364\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#BCBCFF;fill-rule:evenodd;stroke:#BCBCFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"110.164\" cy=\"172.439\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#AEAEFF;fill-rule:evenodd;stroke:#AEAEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"149.893\" cy=\"187.776\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"183.04\" cy=\"161.038\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#D4D4FF;fill-rule:evenodd;stroke:#D4D4FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"222.769\" cy=\"176.374\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#E8E8FF;fill-rule:evenodd;stroke:#E8E8FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"255.916\" cy=\"149.636\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"249.334\" cy=\"107.561\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#4242FF;fill-rule:evenodd;stroke:#4242FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"209.604\" cy=\"92.2242\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#9E9EFF;fill-rule:evenodd;stroke:#9E9EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"176.457\" cy=\"118.962\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#E6E6FF;fill-rule:evenodd;stroke:#E6E6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"136.728\" cy=\"103.626\" rx=\"11.3565\" ry=\"11.3565\" style=\"fill:#A2A2FF;fill-rule:evenodd;stroke:#A2A2FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 89.4143,124.895 L 96.4978,127.629\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 96.4978,127.629 L 103.581,130.364\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 103.581,130.364 L 110.164,172.439\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 112.984,135.359 L 117.592,164.811\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 103.581,130.364 L 136.728,103.626\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 110.164,172.439 L 149.893,187.776\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 149.893,187.776 L 183.04,161.038\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 149.518,177.136 L 172.72,158.419\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 183.04,161.038 L 196.753,166.331\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 196.753,166.331 L 210.465,171.625\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 183.04,161.038 L 176.457,118.962\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 235.073,166.449 L 245.495,158.043\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 245.495,158.043 L 255.916,149.636\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 232.852,157.298 L 240.147,151.413\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 240.147,151.413 L 247.442,145.529\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 255.916,149.636 L 249.334,107.561\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 249.334,107.561 L 209.604,92.2242\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 240.307,113.206 L 212.496,102.471\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 209.604,92.2242 L 176.457,118.962\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 176.457,118.962 L 136.728,103.626\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 167.431,124.608 L 139.62,113.872\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:28px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"38.2896\" y=\"129.223\"><tspan>HO</tspan></text>\n",
"<text style=\"font-size:28px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"210.465\" y=\"190.57\"><tspan>N</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CCC1(CC)C(=O)NC(=O)N(C)C1=O\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"26.0188\" cy=\"186.901\" rx=\"13.2916\" ry=\"13.2916\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"75.7981\" cy=\"184.374\" rx=\"13.2916\" ry=\"13.2916\" style=\"fill:#4040FF;fill-rule:evenodd;stroke:#4040FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"98.4992\" cy=\"140\" rx=\"13.2916\" ry=\"13.2916\" style=\"fill:#4040FF;fill-rule:evenodd;stroke:#4040FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"50.8577\" cy=\"125.349\" rx=\"13.2916\" ry=\"13.2916\" style=\"fill:#A6A6FF;fill-rule:evenodd;stroke:#A6A6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"39.725\" cy=\"76.765\" rx=\"13.2916\" ry=\"13.2916\" style=\"fill:#FFF2F2;fill-rule:evenodd;stroke:#FFF2F2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"104.655\" cy=\"90.5382\" rx=\"13.2916\" ry=\"13.2916\" style=\"fill:#6060FF;fill-rule:evenodd;stroke:#6060FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"64.8972\" cy=\"60.4766\" rx=\"13.2916\" ry=\"13.2916\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"150.567\" cy=\"71.1381\" rx=\"13.2916\" ry=\"13.2916\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"190.325\" cy=\"101.2\" rx=\"13.2916\" ry=\"13.2916\" style=\"fill:#4040FF;fill-rule:evenodd;stroke:#4040FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"236.238\" cy=\"81.7996\" rx=\"13.2916\" ry=\"13.2916\" style=\"fill:#FFF2F2;fill-rule:evenodd;stroke:#FFF2F2;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"184.17\" cy=\"150.662\" rx=\"13.2916\" ry=\"13.2916\" style=\"fill:#0E0EFF;fill-rule:evenodd;stroke:#0E0EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"223.927\" cy=\"180.723\" rx=\"13.2916\" ry=\"13.2916\" style=\"fill:#5858FF;fill-rule:evenodd;stroke:#5858FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"138.257\" cy=\"170.062\" rx=\"13.2916\" ry=\"13.2916\" style=\"fill:#5252FF;fill-rule:evenodd;stroke:#5252FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"132.101\" cy=\"219.523\" rx=\"13.2916\" ry=\"13.2916\" style=\"fill:#0404FF;fill-rule:evenodd;stroke:#0404FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 26.0188,186.901 L 75.7981,184.374\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 75.7981,184.374 L 98.4992,140\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 98.4992,140 L 50.8577,125.349\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 98.4992,140 L 104.655,90.5382\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 98.4992,140 L 138.257,170.062\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 50.8577,125.349 L 39.725,76.765\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 107.661,86.5625 L 95.5408,77.3982\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 95.5408,77.3982 L 83.4208,68.234\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 101.648,94.514 L 89.5285,85.3497\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 89.5285,85.3497 L 77.4085,76.1855\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 104.655,90.5382 L 113.211,86.923\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 113.211,86.923 L 121.766,83.3077\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 172.541,87.7525 L 181.433,94.4761\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 181.433,94.4761 L 190.325,101.2\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 192.265,105.791 L 207.463,99.3693\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 207.463,99.3693 L 222.66,92.9477\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 188.385,96.6084 L 203.583,90.1868\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 203.583,90.1868 L 218.78,83.7651\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 190.325,101.2 L 188.281,117.623\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 188.281,117.623 L 186.237,134.047\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 198.57,161.55 L 211.249,171.137\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 211.249,171.137 L 223.927,180.723\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 169.769,156.746 L 154.013,163.404\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 154.013,163.404 L 138.257,170.062\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 133.31,169.446 L 131.267,185.87\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 131.267,185.87 L 129.223,202.293\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 143.203,170.677 L 141.159,187.101\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 141.159,187.101 L 139.115,203.525\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:33px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"49.3797\" y=\"77.091\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:33px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"121.766\" y=\"87.7525\"><tspan>NH</tspan></text>\n",
"<text style=\"font-size:33px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"220.72\" y=\"98.414\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:33px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"169.769\" y=\"167.276\"><tspan>N</tspan></text>\n",
"<text style=\"font-size:33px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"116.584\" y=\"236.138\"><tspan>O</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"CN1C2CCC1CC(OC(=O)C(CO)c1ccccc1)C2\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"195.901\" cy=\"143.948\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"208.858\" cy=\"133.628\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"235.994\" cy=\"148.961\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#FFC4C4;fill-rule:evenodd;stroke:#FFC4C4;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"258.961\" cy=\"127.891\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#FF7C7C;fill-rule:evenodd;stroke:#FF7C7C;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"246.02\" cy=\"99.5367\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#4E4EFF;fill-rule:evenodd;stroke:#4E4EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"215.055\" cy=\"103.083\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#1616FF;fill-rule:evenodd;stroke:#1616FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"185.225\" cy=\"112.791\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#1C1CFF;fill-rule:evenodd;stroke:#1C1CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"182.255\" cy=\"143.817\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"153.901\" cy=\"156.758\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#4E4EFF;fill-rule:evenodd;stroke:#4E4EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"128.516\" cy=\"138.673\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#3E3EFF;fill-rule:evenodd;stroke:#3E3EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"131.486\" cy=\"107.647\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#6C6CFF;fill-rule:evenodd;stroke:#6C6CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"100.162\" cy=\"151.614\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#6A6AFF;fill-rule:evenodd;stroke:#6A6AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"97.1922\" cy=\"182.64\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#FF8282;fill-rule:evenodd;stroke:#FF8282;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"68.838\" cy=\"195.582\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#FF8282;fill-rule:evenodd;stroke:#FF8282;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"74.7775\" cy=\"133.529\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#5656FF;fill-rule:evenodd;stroke:#5656FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"77.7472\" cy=\"102.503\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#6A6AFF;fill-rule:evenodd;stroke:#6A6AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"52.3627\" cy=\"84.4184\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#FFEAEA;fill-rule:evenodd;stroke:#FFEAEA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"24.0085\" cy=\"97.3596\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#5E5EFF;fill-rule:evenodd;stroke:#5E5EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"21.0387\" cy=\"128.386\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#5E5EFF;fill-rule:evenodd;stroke:#5E5EFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"46.4232\" cy=\"146.471\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#6C6CFF;fill-rule:evenodd;stroke:#6C6CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"207.64\" cy=\"161.902\" rx=\"8.31144\" ry=\"8.31144\" style=\"fill:#7474FF;fill-rule:evenodd;stroke:#7474FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 195.901,143.948 L 197.877,142.374\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 197.877,142.374 L 199.853,140.8\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 217.863,138.716 L 226.928,143.838\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 226.928,143.838 L 235.994,148.961\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-20\" d=\"M 210.966,123.239 L 213.01,113.161\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-20\" d=\"M 213.01,113.161 L 215.055,103.083\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 235.994,148.961 L 258.961,127.891\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-22\" d=\"M 235.994,148.961 L 207.64,161.902\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 258.961,127.891 L 246.02,99.5367\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-4\" d=\"M 246.02,99.5367 L 215.055,103.083\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-5\" d=\"M 215.055,103.083 L 185.225,112.791\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-6\" d=\"M 185.225,112.791 L 182.255,143.817\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 182.255,143.817 L 172.93,148.073\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-7\" d=\"M 172.93,148.073 L 163.604,152.329\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-19\" d=\"M 182.255,143.817 L 207.64,161.902\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 144.197,149.845 L 136.357,144.259\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-8\" d=\"M 136.357,144.259 L 128.516,138.673\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 131.619,138.97 L 132.607,128.652\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 132.607,128.652 L 133.594,118.333\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 125.414,138.376 L 126.401,128.058\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-9\" d=\"M 126.401,128.058 L 127.389,117.739\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-10\" d=\"M 128.516,138.673 L 100.162,151.614\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-11\" d=\"M 100.162,151.614 L 97.1922,182.64\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-13\" d=\"M 100.162,151.614 L 74.7775,133.529\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 97.1922,182.64 L 92.3692,184.842\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-12\" d=\"M 92.3692,184.842 L 87.5462,187.043\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 74.7775,133.529 L 77.7472,102.503\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-14\" d=\"M 69.0177,128.282 L 71.0966,106.563\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-21\" d=\"M 74.7775,133.529 L 46.4232,146.471\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-15\" d=\"M 77.7472,102.503 L 52.3627,84.4184\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 52.3627,84.4184 L 24.0085,97.3596\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-16\" d=\"M 50.6978,92.0304 L 30.8498,101.089\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-17\" d=\"M 24.0085,97.3596 L 21.0387,128.386\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-18\" d=\"M 21.0387,128.386 L 46.4232,146.471\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-18\" d=\"M 28.4634,126.021 L 46.2325,138.681\" style=\"fill:none;fill-rule:evenodd;stroke:#000000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<text style=\"font-size:20px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#0000FF\" x=\"199.853\" y=\"144.018\"><tspan>N</tspan></text>\n",
"<text style=\"font-size:20px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"144.197\" y=\"167.147\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:20px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"121.783\" y=\"118.036\"><tspan>O</tspan></text>\n",
"<text style=\"font-size:20px;font-style:normal;font-weight:normal;fill-opacity:1;stroke:none;font-family:sans-serif;text-anchor:start;fill:#FF0000\" x=\"50.1298\" y=\"205.971\"><tspan>HO</tspan></text>\n",
"</svg>"
],
"text/plain": [
"<IPython.core.display.SVG object>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"NS(=O)(=O)c1cc(C(=O)O)c(NCc2ccco2)cc1Cl\n",
"use cuda\n"
]
},
{
"data": {
"image/svg+xml": [
"<svg baseProfile=\"full\" height=\"280px\" version=\"1.1\" viewBox=\"0 0 280 280\" width=\"280px\" xml:space=\"preserve\" xmlns=\"http://www.w3.org/2000/svg\" xmlns:rdkit=\"http://www.rdkit.org/xml\" xmlns:xlink=\"http://www.w3.org/1999/xlink\">\n",
"<!-- END OF HEADER -->\n",
"<rect height=\"280\" style=\"opacity:1.0;fill:#FFFFFF;stroke:none\" width=\"280\" x=\"0\" y=\"0\"> </rect>\n",
"<ellipse cx=\"48.5516\" cy=\"160.294\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#9696FF;fill-rule:evenodd;stroke:#9696FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"74.3331\" cy=\"156.974\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#FF6E6E;fill-rule:evenodd;stroke:#FF6E6E;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"71.0129\" cy=\"131.193\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#8A8AFF;fill-rule:evenodd;stroke:#8A8AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"77.6533\" cy=\"182.756\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#8A8AFF;fill-rule:evenodd;stroke:#8A8AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"100.115\" cy=\"153.654\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#FEFEFF;fill-rule:evenodd;stroke:#FEFEFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"110.13\" cy=\"129.666\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#FFF0F0;fill-rule:evenodd;stroke:#FFF0F0;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"135.912\" cy=\"126.346\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#FF9696;fill-rule:evenodd;stroke:#FF9696;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"145.927\" cy=\"102.359\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#FFCACA;fill-rule:evenodd;stroke:#FFCACA;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"130.161\" cy=\"81.6912\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#8A8AFF;fill-rule:evenodd;stroke:#8A8AFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"171.709\" cy=\"99.0383\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#1818FF;fill-rule:evenodd;stroke:#1818FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"151.678\" cy=\"147.013\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#9090FF;fill-rule:evenodd;stroke:#9090FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"177.459\" cy=\"143.693\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#9898FF;fill-rule:evenodd;stroke:#9898FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"193.225\" cy=\"164.361\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#E2E2FF;fill-rule:evenodd;stroke:#E2E2FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"219.007\" cy=\"161.04\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#CACAFF;fill-rule:evenodd;stroke:#CACAFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"231.475\" cy=\"138.231\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#4C4CFF;fill-rule:evenodd;stroke:#4C4CFF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"257.021\" cy=\"143.04\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#8080FF;fill-rule:evenodd;stroke:#8080FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"260.341\" cy=\"168.822\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#0000FF;fill-rule:evenodd;stroke:#0000FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"236.847\" cy=\"179.947\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#9494FF;fill-rule:evenodd;stroke:#9494FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"141.662\" cy=\"171.001\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#6262FF;fill-rule:evenodd;stroke:#6262FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"115.881\" cy=\"174.321\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#F6F6FF;fill-rule:evenodd;stroke:#F6F6FF;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<ellipse cx=\"105.865\" cy=\"198.309\" rx=\"6.93186\" ry=\"6.93186\" style=\"fill:#FFB8B8;fill-rule:evenodd;stroke:#FFB8B8;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 66.4637,157.988 L 66.9294,157.928\" style=\"fill:none;fill-rule:evenodd;stroke:#0000FF;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-0\" d=\"M 66.9294,157.928 L 67.395,157.868\" style=\"fill:none;fill-rule:evenodd;stroke:#CCCC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 75.7954,147.977 L 75.2512,143.751\" style=\"fill:none;fill-rule:evenodd;stroke:#CCCC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 75.2512,143.751 L 74.707,139.525\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 70.6391,148.641 L 70.0949,144.415\" style=\"fill:none;fill-rule:evenodd;stroke:#CCCC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-1\" d=\"M 70.0949,144.415 L 69.5507,140.189\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 72.8708,165.971 L 73.4151,170.197\" style=\"fill:none;fill-rule:evenodd;stroke:#CCCC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 73.4151,170.197 L 73.9593,174.423\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 78.0272,165.307 L 78.5714,169.533\" style=\"fill:none;fill-rule:evenodd;stroke:#CCCC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-2\" d=\"M 78.5714,169.533 L 79.1156,173.759\" style=\"fill:none;fill-rule:evenodd;stroke:#FF0000;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 81.2712,156.081 L 90.693,154.867\" style=\"fill:none;fill-rule:evenodd;stroke:#CCCC00;stroke-width:2px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1\"/>\n",
"<path class=\"bond-3\" d=\"M 90.693,154.867 L 100.115,153.654\" style=\"fill:none;f
@Frank-LIU-520
Copy link

dear iwatobipen, can you tell me how to add the colorbar on the weight svg file? It would be more clear to see the importance of different atoms.

Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment