1 lines (1 with data), 230.9 kB
{"nbformat":4,"nbformat_minor":0,"metadata":{"colab":{"name":"smiles_embeddings.ipynb","provenance":[],"collapsed_sections":[],"authorship_tag":"ABX9TyOupZbA1iNh8hWBSldTQSoc"},"kernelspec":{"name":"python3","display_name":"Python 3"},"language_info":{"name":"python"}},"cells":[{"cell_type":"markdown","source":["This notebook generates SMILES embeddings with MolR.\n","The code below was found here: https://github.com/hwwang55/MolR/blob/master/src/featurizer.py and slightly adapted."],"metadata":{"id":"YUAzWfuX_H4I"}},{"cell_type":"markdown","source":["# Imports"],"metadata":{"id":"ohMSl_7kJ4GA"}},{"cell_type":"code","source":["from google.colab import drive\n","drive.mount('/content/gdrive')"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"vRAKAzYvJStD","executionInfo":{"status":"ok","timestamp":1651451225136,"user_tz":240,"elapsed":105832,"user":{"displayName":"Man Qing Liang","userId":"03044866353882001989"}},"outputId":"c7d8d637-517a-443d-d293-b491a797b5ea"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Mounted at /content/gdrive\n"]}]},{"cell_type":"code","source":["# Directory to the project folder\n","deep_learning_dir = '/content/gdrive/My Drive/BMI 707 Project' "],"metadata":{"id":"EoHWcjT4Kj-q"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["! pip install dgl\n","! pip install pysmiles"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"2kBxV2-y8gRb","executionInfo":{"status":"ok","timestamp":1651447612464,"user_tz":240,"elapsed":14277,"user":{"displayName":"Man Qing Liang","userId":"03044866353882001989"}},"outputId":"963d91be-dd18-4320-8dfb-b655c0523c7e"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Requirement already satisfied: dgl in /usr/local/lib/python3.7/dist-packages (0.6.1)\n","Requirement already satisfied: networkx>=2.1 in /usr/local/lib/python3.7/dist-packages (from dgl) (2.6.3)\n","Requirement already satisfied: scipy>=1.1.0 in /usr/local/lib/python3.7/dist-packages (from dgl) (1.4.1)\n","Requirement already satisfied: numpy>=1.14.0 in /usr/local/lib/python3.7/dist-packages (from dgl) (1.21.6)\n","Requirement already satisfied: requests>=2.19.0 in /usr/local/lib/python3.7/dist-packages (from dgl) (2.23.0)\n","Requirement already satisfied: urllib3!=1.25.0,!=1.25.1,<1.26,>=1.21.1 in /usr/local/lib/python3.7/dist-packages (from requests>=2.19.0->dgl) (1.24.3)\n","Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.7/dist-packages (from requests>=2.19.0->dgl) (2021.10.8)\n","Requirement already satisfied: chardet<4,>=3.0.2 in /usr/local/lib/python3.7/dist-packages (from requests>=2.19.0->dgl) (3.0.4)\n","Requirement already satisfied: idna<3,>=2.5 in /usr/local/lib/python3.7/dist-packages (from requests>=2.19.0->dgl) (2.10)\n","Collecting pysmiles\n"," Downloading pysmiles-1.0.1.tar.gz (34 kB)\n","Collecting pbr\n"," Using cached pbr-5.8.1-py2.py3-none-any.whl (113 kB)\n","Requirement already satisfied: networkx~=2.0 in /usr/local/lib/python3.7/dist-packages (from pysmiles) (2.6.3)\n","Building wheels for collected packages: pysmiles\n"," Building wheel for pysmiles (setup.py) ... \u001b[?25l\u001b[?25hdone\n"," Created wheel for pysmiles: filename=pysmiles-1.0.1-py2.py3-none-any.whl size=22028 sha256=22787807f2bcf03aa2a4a6fcc6deb32a550c21baf6d2b287955d31cf83748594\n"," Stored in directory: /root/.cache/pip/wheels/e4/f0/ca/dae2e932684a6e26824d29cf5b6dadea7320e6fed036942972\n","Successfully built pysmiles\n","Installing collected packages: pbr, pysmiles\n","Successfully installed pbr-5.8.1 pysmiles-1.0.1\n"]}]},{"cell_type":"code","source":["!git clone https://github.com/hwwang55/MolR"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"JHWjZ5dK96zk","executionInfo":{"status":"ok","timestamp":1651447950883,"user_tz":240,"elapsed":7169,"user":{"displayName":"Man Qing Liang","userId":"03044866353882001989"}},"outputId":"7699a698-6755-40a4-9561-f7fecea5b5c5"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["Cloning into 'MolR'...\n","remote: Enumerating objects: 332, done.\u001b[K\n","remote: Total 332 (delta 0), reused 0 (delta 0), pack-reused 332\u001b[K\n","Receiving objects: 100% (332/332), 128.95 MiB | 28.70 MiB/s, done.\n","Resolving deltas: 100% (151/151), done.\n"]}]},{"cell_type":"code","source":["import os\n","os.chdir(\"MolR/src\")"],"metadata":{"id":"oMv0-qGM9_cF"},"execution_count":null,"outputs":[]},{"cell_type":"code","source":["import pickle\n","import pandas as pd\n","import dgl\n","import torch\n","import pysmiles\n","import numpy as np\n","from model import GNN\n","from dgl.dataloading import GraphDataLoader\n","from data_processing import networkx_to_dgl"],"metadata":{"id":"FZmtpwYu8Ugs"},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":["# Generating embeddings from MolR"],"metadata":{"id":"SM9A2WMYOFRj"}},{"cell_type":"code","execution_count":null,"metadata":{"id":"gPIRcs7E8JUy"},"outputs":[],"source":["class GraphDataset(dgl.data.DGLDataset):\n"," def __init__(self, path_to_model, smiles_list, gpu):\n"," self.path = path_to_model\n"," self.smiles_list = smiles_list\n"," self.gpu = gpu\n"," self.parsed = []\n"," self.graphs = []\n"," super().__init__(name='graph_dataset')\n","\n"," def process(self):\n"," with open(self.path + '/feature_enc.pkl', 'rb') as f:\n"," feature_encoder = pickle.load(f)\n"," for i, smiles in enumerate(self.smiles_list):\n"," try:\n"," raw_graph = pysmiles.read_smiles(smiles, zero_order_bonds=False)\n"," dgl_graph = networkx_to_dgl(raw_graph, feature_encoder)\n"," self.graphs.append(dgl_graph)\n"," self.parsed.append(i)\n"," except:\n"," print('ERROR: No. %d smiles is not parsed successfully' % i)\n"," print('the number of smiles successfully parsed: %d' % len(self.parsed))\n"," print('the number of smiles failed to be parsed: %d' % (len(self.smiles_list) - len(self.parsed)))\n"," if torch.cuda.is_available() and self.gpu is not None:\n"," print(self.gpu)\n"," self.graphs = [graph.to('cuda:' + str(self.gpu)) for graph in self.graphs]\n","\n"," def __getitem__(self, i):\n"," return self.graphs[i]\n","\n"," def __len__(self):\n"," return len(self.graphs)\n","\n","\n","class MolEFeaturizer(object):\n"," def __init__(self, path_to_model, gpu=0):\n"," self.path_to_model = path_to_model\n"," self.gpu = gpu\n"," with open(path_to_model + '/hparams.pkl', 'rb') as f:\n"," hparams = pickle.load(f)\n"," self.mole = GNN(hparams['gnn'], hparams['layer'], hparams['feature_len'], hparams['dim'])\n"," self.dim = hparams['dim']\n"," if torch.cuda.is_available() and gpu is not None:\n"," self.mole.load_state_dict(torch.load(path_to_model + '/model.pt',map_location='cuda:0'))\n"," self.mole = self.mole.cuda(gpu)\n"," else:\n"," self.mole.load_state_dict(torch.load(path_to_model + '/model.pt', map_location=torch.device('cpu')))\n","\n"," def transform(self, smiles_list, batch_size=None):\n"," data = GraphDataset(self.path_to_model, smiles_list, self.gpu)\n"," dataloader = GraphDataLoader(data, batch_size=batch_size if batch_size is not None else len(smiles_list))\n"," all_embeddings = np.zeros((len(smiles_list), self.dim), dtype=float)\n"," flags = np.zeros(len(smiles_list), dtype=bool)\n"," res = []\n"," with torch.no_grad():\n"," self.mole.eval()\n"," for graphs in dataloader:\n"," graph_embeddings = self.mole(graphs)\n"," res.append(graph_embeddings)\n"," res = torch.cat(res, dim=0).cpu().numpy()\n"," all_embeddings[data.parsed, :] = res\n"," flags[data.parsed] = True\n"," print('done\\n')\n"," return all_embeddings, flags\n","\n","\n","def example_usage():\n"," model = MolEFeaturizer(path_to_model='../saved/gcn_1024')\n"," embeddings, flags = model.transform(['C', 'CC', 'CCC'])\n"," print(embeddings)\n"," print(flags)\n","\n","def write_pickle(obj,fn):\n"," with open(fn,\"wb\") as f:\n"," pickle.dump(obj,f)"]},{"cell_type":"code","source":["# Example\n","\n","if __name__ == '__main__':\n"," model = MolEFeaturizer(path_to_model='../saved/gcn_1024')\n"," smiles_embed, flags = model.transform([\"CC(C)(C)NCC(O)C1=CC(O)=CC(O)=C1\"])\n"," print(smiles_embed, str(len(smiles_embed[0])))"],"metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"PB96W6p5EXMn","executionInfo":{"status":"ok","timestamp":1651450199582,"user_tz":240,"elapsed":355,"user":{"displayName":"Man Qing Liang","userId":"03044866353882001989"}},"outputId":"2783369e-e31e-472c-c485-4d332cc2924c"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["the number of smiles successfully parsed: 1\n","the number of smiles failed to be parsed: 0\n","done\n","\n","[[ -4.83611679 -5.65992928 -2.12850332 ... -12.23947334 -4.20470333\n"," 7.49038601]] 1024\n"]}]},{"cell_type":"code","source":["# Running with all unique SMILES in C\n","if __name__ == '__main__':\n"," df = pd.read_csv(deep_learning_dir + \"/data_formatting/unique_matched_smiles.csv\")\n"," smiles_list = df['smiles'].values\n"," model = MolEFeaturizer(path_to_model='../saved/gcn_1024')\n"," smiles_embed, flags = model.transform(smiles_list)\n"," print(flags)\n"," embed_dict = {smile: smile_embed for smile, smile_embed in zip(smiles_list,smiles_embed)}\n"," write_pickle(embed_dict,deep_learning_dir + \"/embeddings/SMILES_embedding.pkl\")"],"metadata":{"id":"EyxMKaxs8ZrO","colab":{"base_uri":"https://localhost:8080/"},"executionInfo":{"status":"ok","timestamp":1651452147700,"user_tz":240,"elapsed":17240,"user":{"displayName":"Man Qing Liang","userId":"03044866353882001989"}},"outputId":"015a9062-482e-4d26-e1c2-4439315dc0ec"},"execution_count":null,"outputs":[{"output_type":"stream","name":"stderr","text":["Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[P@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 0 smiles is not parsed successfully\n","ERROR: No. 12 smiles is not parsed successfully\n","ERROR: No. 17 smiles is not parsed successfully\n","ERROR: No. 18 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[N@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 24 smiles is not parsed successfully\n","ERROR: No. 25 smiles is not parsed successfully\n","ERROR: No. 28 smiles is not parsed successfully\n","ERROR: No. 29 smiles is not parsed successfully\n","ERROR: No. 34 smiles is not parsed successfully\n","ERROR: No. 35 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 49 smiles is not parsed successfully\n","ERROR: No. 50 smiles is not parsed successfully\n","ERROR: No. 73 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 83 smiles is not parsed successfully\n","ERROR: No. 84 smiles is not parsed successfully\n","ERROR: No. 94 smiles is not parsed successfully\n","ERROR: No. 96 smiles is not parsed successfully\n","ERROR: No. 99 smiles is not parsed successfully\n","ERROR: No. 100 smiles is not parsed successfully\n","ERROR: No. 102 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 104 smiles is not parsed successfully\n","ERROR: No. 108 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[S@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 137 smiles is not parsed successfully\n","ERROR: No. 148 smiles is not parsed successfully\n","ERROR: No. 149 smiles is not parsed successfully\n","ERROR: No. 153 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 158 smiles is not parsed successfully\n","ERROR: No. 159 smiles is not parsed successfully\n","ERROR: No. 161 smiles is not parsed successfully\n","ERROR: No. 166 smiles is not parsed successfully\n","ERROR: No. 167 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 172 smiles is not parsed successfully\n","ERROR: No. 175 smiles is not parsed successfully\n","ERROR: No. 184 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 188 smiles is not parsed successfully\n","ERROR: No. 192 smiles is not parsed successfully\n","ERROR: No. 194 smiles is not parsed successfully\n","ERROR: No. 196 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 199 smiles is not parsed successfully\n","ERROR: No. 203 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 220 smiles is not parsed successfully\n","ERROR: No. 228 smiles is not parsed successfully\n","ERROR: No. 229 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 240 smiles is not parsed successfully\n","ERROR: No. 241 smiles is not parsed successfully\n","ERROR: No. 244 smiles is not parsed successfully\n","ERROR: No. 249 smiles is not parsed successfully\n","ERROR: No. 258 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 263 smiles is not parsed successfully\n","ERROR: No. 265 smiles is not parsed successfully\n","ERROR: No. 272 smiles is not parsed successfully\n","ERROR: No. 275 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 278 smiles is not parsed successfully\n","ERROR: No. 281 smiles is not parsed successfully\n","ERROR: No. 294 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 297 smiles is not parsed successfully\n","ERROR: No. 302 smiles is not parsed successfully\n","ERROR: No. 303 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 309 smiles is not parsed successfully\n","ERROR: No. 316 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[S@@]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 339 smiles is not parsed successfully\n","ERROR: No. 340 smiles is not parsed successfully\n","ERROR: No. 346 smiles is not parsed successfully\n","ERROR: No. 348 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 372 smiles is not parsed successfully\n","ERROR: No. 374 smiles is not parsed successfully\n","ERROR: No. 377 smiles is not parsed successfully\n","ERROR: No. 380 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 393 smiles is not parsed successfully\n","ERROR: No. 396 smiles is not parsed successfully\n","ERROR: No. 398 smiles is not parsed successfully\n","ERROR: No. 410 smiles is not parsed successfully\n","ERROR: No. 414 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[N@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 417 smiles is not parsed successfully\n","ERROR: No. 421 smiles is not parsed successfully\n","ERROR: No. 423 smiles is not parsed successfully\n","ERROR: No. 427 smiles is not parsed successfully\n","ERROR: No. 432 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 437 smiles is not parsed successfully\n","ERROR: No. 438 smiles is not parsed successfully\n","ERROR: No. 439 smiles is not parsed successfully\n","ERROR: No. 444 smiles is not parsed successfully\n","ERROR: No. 447 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 451 smiles is not parsed successfully\n","ERROR: No. 454 smiles is not parsed successfully\n","ERROR: No. 456 smiles is not parsed successfully\n","ERROR: No. 462 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[P@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 474 smiles is not parsed successfully\n","ERROR: No. 479 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 493 smiles is not parsed successfully\n","ERROR: No. 506 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 512 smiles is not parsed successfully\n","ERROR: No. 517 smiles is not parsed successfully\n","ERROR: No. 523 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 530 smiles is not parsed successfully\n","ERROR: No. 532 smiles is not parsed successfully\n","ERROR: No. 544 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[N@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 549 smiles is not parsed successfully\n","ERROR: No. 553 smiles is not parsed successfully\n","ERROR: No. 558 smiles is not parsed successfully\n","ERROR: No. 560 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 563 smiles is not parsed successfully\n","ERROR: No. 564 smiles is not parsed successfully\n","ERROR: No. 569 smiles is not parsed successfully\n","ERROR: No. 572 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 576 smiles is not parsed successfully\n","ERROR: No. 581 smiles is not parsed successfully\n","ERROR: No. 585 smiles is not parsed successfully\n","ERROR: No. 586 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 590 smiles is not parsed successfully\n","ERROR: No. 591 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 603 smiles is not parsed successfully\n","ERROR: No. 604 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 610 smiles is not parsed successfully\n","ERROR: No. 617 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 621 smiles is not parsed successfully\n","ERROR: No. 625 smiles is not parsed successfully\n","ERROR: No. 630 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[N@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 631 smiles is not parsed successfully\n","ERROR: No. 635 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[S@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 638 smiles is not parsed successfully\n","ERROR: No. 649 smiles is not parsed successfully\n","ERROR: No. 651 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 652 smiles is not parsed successfully\n","ERROR: No. 661 smiles is not parsed successfully\n","ERROR: No. 664 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[S@@+]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 673 smiles is not parsed successfully\n","ERROR: No. 677 smiles is not parsed successfully\n","ERROR: No. 678 smiles is not parsed successfully\n","ERROR: No. 679 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 687 smiles is not parsed successfully\n","ERROR: No. 688 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 695 smiles is not parsed successfully\n","ERROR: No. 698 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 708 smiles is not parsed successfully\n","ERROR: No. 713 smiles is not parsed successfully\n","ERROR: No. 714 smiles is not parsed successfully\n","ERROR: No. 715 smiles is not parsed successfully\n","ERROR: No. 716 smiles is not parsed successfully\n","ERROR: No. 717 smiles is not parsed successfully\n","ERROR: No. 718 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 719 smiles is not parsed successfully\n","ERROR: No. 721 smiles is not parsed successfully\n","ERROR: No. 722 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 733 smiles is not parsed successfully\n","ERROR: No. 736 smiles is not parsed successfully\n","ERROR: No. 740 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 741 smiles is not parsed successfully\n","ERROR: No. 747 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[N@+]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 749 smiles is not parsed successfully\n","ERROR: No. 751 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 765 smiles is not parsed successfully\n","ERROR: No. 766 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 776 smiles is not parsed successfully\n","ERROR: No. 777 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 792 smiles is not parsed successfully\n","ERROR: No. 802 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 811 smiles is not parsed successfully\n","ERROR: No. 816 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 818 smiles is not parsed successfully\n","ERROR: No. 819 smiles is not parsed successfully\n","ERROR: No. 832 smiles is not parsed successfully\n","ERROR: No. 833 smiles is not parsed successfully\n","ERROR: No. 837 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"/\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 840 smiles is not parsed successfully\n","ERROR: No. 845 smiles is not parsed successfully\n","ERROR: No. 846 smiles is not parsed successfully\n","ERROR: No. 856 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","E/Z stereochemical information, which is specified by \"\\\", will be discarded\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 857 smiles is not parsed successfully\n","ERROR: No. 859 smiles is not parsed successfully\n","ERROR: No. 867 smiles is not parsed successfully\n"]},{"output_type":"stream","name":"stderr","text":["Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@@H]\" contains stereochemical information that will be discarded.\n","Atom \"[C@H]\" contains stereochemical information that will be discarded.\n"]},{"output_type":"stream","name":"stdout","text":["ERROR: No. 871 smiles is not parsed successfully\n","the number of smiles successfully parsed: 708\n","the number of smiles failed to be parsed: 172\n","done\n","\n","[False True True True True True True True True True True True\n"," False True True True True False False True True True True True\n"," False False True True False False True True True True False False\n"," True True True True True True True True True True True True\n"," True False False True True True True True True True True True\n"," True True True True True True True True True True True True\n"," True False True True True True True True True True True False\n"," False True True True True True True True True True False True\n"," False True True False False True False True False True True True\n"," False True True True True True True True True True True True\n"," True True True True True True True True True True True True\n"," True True True True True False True True True True True True\n"," True True True True False False True True True False True True\n"," True True False False True False True True True True False False\n"," True True True True False True True False True True True True\n"," True True True True False True True True False True True True\n"," False True False True False True True False True True True False\n"," True True True True True True True True True True True True\n"," True True True True False True True True True True True True\n"," False False True True True True True True True True True True\n"," False False True True False True True True True False True True\n"," True True True True True True False True True True True False\n"," True False True True True True True True False True True False\n"," True True False True True False True True True True True True\n"," True True True True True True False True True False True True\n"," True True False False True True True True True False True True\n"," True True True True False True True True True True True True\n"," True True True True True True True True True True True True\n"," True True True False False True True True True True False True\n"," False True True True True True True True True True True True\n"," True True True True True True True True True True True True\n"," False True False True True False True True False True True True\n"," True True True True True True True True True False True True\n"," False True False True True True True True True True True True\n"," True True False True True True False True True False True True\n"," True False True False True True True False True True True True\n"," False True True True True False False False True True True True\n"," False True True False True True True False True True False True\n"," False True True True True True False True True True True True\n"," True True True True True True False True True True True False\n"," True True True True True True True True True True True True\n"," True False True True True True True True True True True True\n"," True True False True True True True True False True True True\n"," True False True True True True True False True True True True\n"," True True False True False True True True True True True True\n"," True True True True False True True True True False True True\n"," True False True True True True False True False True True False\n"," False True True True True False True True False True True True\n"," False True True True True False True True True False False True\n"," True True False False True True True True True True True True\n"," True True True False False True True True True True False True\n"," True True True True True False True True True False True True\n"," True False True True True True False False True True True False\n"," True True False True True True True True True True True True\n"," True False True False False True True True True True True True\n"," True False True True False True True True True True True True\n"," True False True True True False False False True True True True\n"," True True True False False True True True True True True False\n"," True True False True True True True True True True True True\n"," False True True True True False False False False False False False\n"," True False False True True True True True True True True True\n"," True False True True False True True True False False True True\n"," True True True False True False True False True True True True\n"," True True True True True True True True True False False True\n"," True True True True True True True True False False True True\n"," True True True True True True True True True True True True\n"," False True True True True True True True True True False True\n"," True True True True True True True False True True True True\n"," False True False False True True True True True True True True\n"," True True True True False False True True True False True True\n"," False True True True True False False True True True True True\n"," True True True True False False True False True True True True\n"," True True True False True True True False True True True True\n"," True True True True]\n"]}]},{"cell_type":"markdown","source":["* SMILES successfully parsed: 708.\n","* SMILES failed to be parsed: 172."],"metadata":{"id":"PguEirZFAYLD"}}]}