最適化手法 (Optimization Methods)

Featured image of post 最適化手法 (Optimization Methods)

最適化手法 (Optimization Methods)

創薬研究における分子最適化手法:遺伝的アルゴリズム、シミュレーテッドアニーリング、ヒルクライミング法などの実装と応用。

読了時間: 488分

最適化手法 (Optimization Methods)

概要

創薬研究において、既知の活性化合物から出発して、より良い薬理学的性質を持つ化合物を設計することは重要な課題です。本ノートブックでは、分子最適化に用いられる様々なアルゴリズムについて学習し、実際にPythonとRDKitを用いて分子最適化システムを実装します。

学習目標

  • 分子最適化の概念と創薬における重要性を理解する
  • 遺伝的アルゴリズム(GA)による分子進化の原理を学ぶ
  • シミュレーテッドアニーリング(SA)の実装と応用を習得する
  • ヒルクライミング法とその変種を理解する
  • 目的関数の設計と多目的最適化の概念を学ぶ
  • 分子生成アルゴリズムの実装と評価を行う

補助資料

初心者の方へ: この内容が難しく感じる場合は、以下の補助資料をご参照ください:

これらの資料は、文系出身の方や化学・情報学の予備知識が少ない方でも理解できるよう工夫されています。

ダウンロード

📓 実行済みノートブックをダウンロード

 1
 2
 3
 4
 5
 6
 7
 8
 9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
# 必要なライブラリのインポート
import numpy as np
import pandas as pd
import matplotlib.pyplot as plt
import seaborn as sns
import random
import copy
from rdkit import Chem
from rdkit.Chem import Descriptors, Crippen, Lipinski, rdMolDescriptors, AllChem
from rdkit.Chem import Draw
from rdkit.DataStructs import TanimotoSimilarity
from sklearn.preprocessing import MinMaxScaler
from sklearn.decomposition import PCA
import warnings
warnings.filterwarnings('ignore')

# 日本語フォントの設定
plt.rcParams['font.family'] = "Noto Sans CJK JP"
sns.set_style("whitegrid")

# ランダムシードの設定
np.random.seed(42)
random.seed(42)

print("ライブラリのインポートが完了しました")
ライブラリのインポートが完了しました

1. 分子最適化の基本概念

分子最適化とは、既知の活性化合物から出発して、目標とする性質(活性、選択性、薬物動態等)を改善した新しい化合物を設計する手法です。これは多次元の複雑な最適化問題として定式化できます。

  1
  2
  3
  4
  5
  6
  7
  8
  9
 10
 11
 12
 13
 14
 15
 16
 17
 18
 19
 20
 21
 22
 23
 24
 25
 26
 27
 28
 29
 30
 31
 32
 33
 34
 35
 36
 37
 38
 39
 40
 41
 42
 43
 44
 45
 46
 47
 48
 49
 50
 51
 52
 53
 54
 55
 56
 57
 58
 59
 60
 61
 62
 63
 64
 65
 66
 67
 68
 69
 70
 71
 72
 73
 74
 75
 76
 77
 78
 79
 80
 81
 82
 83
 84
 85
 86
 87
 88
 89
 90
 91
 92
 93
 94
 95
 96
 97
 98
 99
100
101
102
103
104
105
106
107
108
109
110
111
112
113
114
115
116
# 分子評価のための目的関数を定義
class MolecularObjective:
    """分子の多目的評価関数"""
    
    def __init__(self, target_props=None):
        """
        target_props: 目標となる分子性質の辞書
        例: {'MW': [300, 500], 'LogP': [1, 3], 'HBD': [0, 3], 'HBA': [0, 7]}
        """
        self.target_props = target_props or {
            'MW': [300, 500],      # 分子量の目標範囲
            'LogP': [1, 3],        # LogPの目標範囲  
            'HBD': [0, 3],         # 水素結合ドナー数
            'HBA': [0, 7],         # 水素結合アクセプター数
            'TPSA': [20, 100],     # 極性表面積
            'RotBonds': [0, 7]     # 回転可能結合数
        }
    
    def calculate_descriptors(self, mol):
        """分子記述子を計算"""
        if mol is None:
            return None
        
        descriptors = {
            'MW': Descriptors.MolWt(mol),
            'LogP': Descriptors.MolLogP(mol),
            'HBD': Descriptors.NumHDonors(mol),
            'HBA': Descriptors.NumHAcceptors(mol),
            'TPSA': Descriptors.TPSA(mol),
            'RotBonds': Descriptors.NumRotatableBonds(mol),
            'RingCount': Descriptors.RingCount(mol),
            'AromaticRings': Descriptors.NumAromaticRings(mol)
        }
        return descriptors
    
    def evaluate_single_property(self, value, target_range):
        """単一性質の評価(0-1スコア)"""
        min_val, max_val = target_range
        if min_val <= value <= max_val:
            # 範囲内の場合は1.0
            return 1.0
        elif value < min_val:
            # 下限以下の場合は距離に応じてペナルティ
            return max(0.0, 1.0 - (min_val - value) / min_val)
        else:
            # 上限以上の場合は距離に応じてペナルティ
            return max(0.0, 1.0 - (value - max_val) / max_val)
    
    def evaluate_molecule(self, smiles):
        """分子の総合評価スコアを計算"""
        mol = Chem.MolFromSmiles(smiles)
        if mol is None:
            return 0.0
        
        descriptors = self.calculate_descriptors(mol)
        if descriptors is None:
            return 0.0
        
        scores = []
        for prop, target_range in self.target_props.items():
            if prop in descriptors:
                score = self.evaluate_single_property(descriptors[prop], target_range)
                scores.append(score)
        
        # 各性質スコアの幾何平均を総合スコアとする
        if scores:
            return np.prod(scores) ** (1.0 / len(scores))
        else:
            return 0.0
    
    def detailed_evaluation(self, smiles):
        """詳細な評価結果を返す"""
        mol = Chem.MolFromSmiles(smiles)
        if mol is None:
            return None
        
        descriptors = self.calculate_descriptors(mol)
        if descriptors is None:
            return None
        
        evaluation = {
            'SMILES': smiles,
            'Overall_Score': self.evaluate_molecule(smiles)
        }
        
        for prop, target_range in self.target_props.items():
            if prop in descriptors:
                value = descriptors[prop]
                score = self.evaluate_single_property(value, target_range)
                evaluation[f'{prop}_Value'] = value
                evaluation[f'{prop}_Score'] = score
                evaluation[f'{prop}_Target'] = f"[{target_range[0]}, {target_range[1]}]"
        
        return evaluation

# 目的関数の動作テスト
objective = MolecularObjective()

test_molecules = {
    "アスピリン": "CC(=O)OC1=CC=CC=C1C(=O)O",
    "イブプロフェン": "CC(C)CC1=CC=C(C=C1)C(C)C(=O)O",
    "リピトール": "CC(C)C1=C(C(=C(N1CC(CC(CC(=O)O)O)O)C2=CC=C(C=C2)F)C3=CC=CC=C3)C(=O)NC4=CC=CC=C4",
    "ペニシリン": "CC1(C(N2C(S1)C(C2=O)NC(=O)CC3=CC=CC=C3)C(=O)O)C"
}

print("分子評価システムのテスト:")
print("=" * 60)

for name, smiles in test_molecules.items():
    eval_result = objective.detailed_evaluation(smiles)
    if eval_result:
        print(f"\n{name}:")
        print(f"  SMILES: {smiles}")
        print(f"  総合スコア: {eval_result['Overall_Score']:.3f}")
        print(f"  分子量: {eval_result['MW_Value']:.1f} (スコア: {eval_result['MW_Score']:.3f})")
        print(f"  LogP: {eval_result['LogP_Value']:.2f} (スコア: {eval_result['LogP_Score']:.3f})")
分子評価システムのテスト:
============================================================

アスピリン:
  SMILES: CC(=O)OC1=CC=CC=C1C(=O)O
  総合スコア: 0.919
  分子量: 180.2 (スコア: 0.601)
  LogP: 1.31 (スコア: 1.000)

イブプロフェン:
  SMILES: CC(C)CC1=CC=C(C=C1)C(C)C(=O)O
  総合スコア: 0.936
  分子量: 206.3 (スコア: 0.688)
  LogP: 3.07 (スコア: 0.976)

リピトール:
  SMILES: CC(C)C1=C(C(=C(N1CC(CC(CC(=O)O)O)O)C2=CC=C(C=C2)F)C3=CC=CC=C3)C(=O)NC4=CC=CC=C4
  総合スコア: 0.425
  分子量: 544.6 (スコア: 0.911)
  LogP: 5.92 (スコア: 0.025)

ペニシリン:
  SMILES: CC1(C(N2C(S1)C(C2=O)NC(=O)CC3=CC=CC=C3)C(=O)O)C
  総合スコア: 0.975
  分子量: 334.4 (スコア: 1.000)
  LogP: 0.86 (スコア: 0.861)

2. ヒルクライミング法による分子最適化

ヒルクライミング法は最も基本的な局所探索手法です。現在の解の近傍から より良い解を探索し、改善がなくなるまで繰り返します。

  1
  2
  3
  4
  5
  6
  7
  8
  9
 10
 11
 12
 13
 14
 15
 16
 17
 18
 19
 20
 21
 22
 23
 24
 25
 26
 27
 28
 29
 30
 31
 32
 33
 34
 35
 36
 37
 38
 39
 40
 41
 42
 43
 44
 45
 46
 47
 48
 49
 50
 51
 52
 53
 54
 55
 56
 57
 58
 59
 60
 61
 62
 63
 64
 65
 66
 67
 68
 69
 70
 71
 72
 73
 74
 75
 76
 77
 78
 79
 80
 81
 82
 83
 84
 85
 86
 87
 88
 89
 90
 91
 92
 93
 94
 95
 96
 97
 98
 99
100
101
102
103
104
105
106
107
108
109
110
111
112
113
114
115
116
117
118
119
120
121
122
123
124
125
126
127
128
129
130
131
132
133
134
135
136
137
138
139
140
141
142
143
# 分子の構造変換操作
class MolecularMutations:
    """分子構造の変換操作を定義するクラス"""
    
    @staticmethod
    def get_valid_mutations(mol):
        """分子に対して可能な変換操作のリストを取得"""
        mutations = []
        
        # 原子の置換
        for atom in mol.GetAtoms():
            if atom.GetSymbol() == 'C':
                mutations.append(('replace_atom', atom.GetIdx(), 'N'))
                mutations.append(('replace_atom', atom.GetIdx(), 'O'))
            elif atom.GetSymbol() == 'N':
                mutations.append(('replace_atom', atom.GetIdx(), 'C'))
                mutations.append(('replace_atom', atom.GetIdx(), 'O'))
        
        # 結合の追加(環形成)
        for i, atom1 in enumerate(mol.GetAtoms()):
            for j, atom2 in enumerate(mol.GetAtoms()):
                if i < j and mol.GetBondBetweenAtoms(i, j) is None:
                    # 距離が適切で環形成可能な場合
                    if atom1.GetDegree() < 4 and atom2.GetDegree() < 4:
                        mutations.append(('add_bond', i, j))
        
        # 官能基の付加
        for atom in mol.GetAtoms():
            if atom.GetSymbol() == 'C' and atom.GetDegree() < 4:
                mutations.append(('add_methyl', atom.GetIdx()))
                mutations.append(('add_hydroxyl', atom.GetIdx()))
        
        return mutations
    
    @staticmethod
    def apply_mutation(mol, mutation):
        """変換操作を適用して新しい分子を生成"""
        try:
            mol_copy = Chem.RWMol(mol)
            
            if mutation[0] == 'replace_atom':
                atom_idx, new_symbol = mutation[1], mutation[2]
                mol_copy.GetAtomWithIdx(atom_idx).SetAtomicNum(
                    {'C': 6, 'N': 7, 'O': 8}[new_symbol]
                )
            
            elif mutation[0] == 'add_bond':
                atom1_idx, atom2_idx = mutation[1], mutation[2]
                mol_copy.AddBond(atom1_idx, atom2_idx, Chem.BondType.SINGLE)
            
            elif mutation[0] == 'add_methyl':
                atom_idx = mutation[1]
                new_atom_idx = mol_copy.AddAtom(Chem.Atom(6))  # Carbon
                mol_copy.AddBond(atom_idx, new_atom_idx, Chem.BondType.SINGLE)
            
            elif mutation[0] == 'add_hydroxyl':
                atom_idx = mutation[1]
                new_atom_idx = mol_copy.AddAtom(Chem.Atom(8))  # Oxygen
                mol_copy.AddBond(atom_idx, new_atom_idx, Chem.BondType.SINGLE)
            
            # 分子の正規化
            mol_sanitized = mol_copy.GetMol()
            Chem.SanitizeMol(mol_sanitized)
            return mol_sanitized
            
        except:
            return None

# ヒルクライミング法の実装
class HillClimbing:
    """ヒルクライミング法による分子最適化"""
    
    def __init__(self, objective_func, max_iterations=100):
        self.objective_func = objective_func
        self.max_iterations = max_iterations
        self.mutations = MolecularMutations()
    
    def optimize(self, initial_smiles):
        """ヒルクライミング最適化を実行"""
        current_mol = Chem.MolFromSmiles(initial_smiles)
        current_score = self.objective_func.evaluate_molecule(initial_smiles)
        
        history = [{
            'iteration': 0,
            'smiles': initial_smiles,
            'score': current_score,
            'change': 'initial'
        }]
        
        for iteration in range(1, self.max_iterations + 1):
            # 可能な変換操作を取得
            mutations = self.mutations.get_valid_mutations(current_mol)
            
            if not mutations:
                break
            
            best_score = current_score
            best_mol = None
            best_mutation = None
            
            # 全ての変換操作を試す
            for mutation in mutations:
                new_mol = self.mutations.apply_mutation(current_mol, mutation)
                if new_mol is not None:
                    new_smiles = Chem.MolToSmiles(new_mol)
                    new_score = self.objective_func.evaluate_molecule(new_smiles)
                    
                    if new_score > best_score:
                        best_score = new_score
                        best_mol = new_mol
                        best_mutation = mutation
            
            # 改善があった場合は更新
            if best_mol is not None:
                current_mol = best_mol
                current_score = best_score
                current_smiles = Chem.MolToSmiles(current_mol)
                
                history.append({
                    'iteration': iteration,
                    'smiles': current_smiles,
                    'score': current_score,
                    'change': str(best_mutation)
                })
            else:
                # 改善がない場合は終了
                break
        
        return history

# ヒルクライミング法のテスト
initial_molecule = "CCO"  # エタノールから開始
hc = HillClimbing(objective)

print("ヒルクライミング法による分子最適化:")
print("=" * 50)
print(f"初期分子: {initial_molecule}")

hc_history = hc.optimize(initial_molecule)

print(f"\n最適化結果 ({len(hc_history)} ステップ):")
for step in hc_history[-5:]:  # 最後の5ステップを表示
    print(f"  ステップ {step['iteration']:2d}: スコア {step['score']:.3f} - {step['smiles']}")
ヒルクライミング法による分子最適化:
==================================================
初期分子: CCO


[18:21:36] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted



最適化結果 (20 ステップ):
  ステップ 15: スコア 0.977 - CCC(C(C)(C)C)(C(C)(O)O)C(C)(C)C(C)(C)O
  ステップ 16: スコア 0.978 - COC(C(C)(C)C)(C(C)(O)O)C(C)(C)C(C)(C)O
  ステップ 17: スコア 0.986 - CCC(O)(O)C(OC)(C(C)(C)C)C(C)(C)C(C)(C)O
  ステップ 18: スコア 0.995 - COC(C(C)(C)C)(C(O)(O)C(C)C)C(C)(C)C(C)(C)O
  ステップ 19: スコア 1.000 - COC(C(C)(C)C)(C(C)(C)C(C)(C)O)C(O)(O)C(C)(C)C


[18:21:36] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 7 N, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:36] Explicit valence for atom # 6 O, 3, is greater than permitted

3. 遺伝的アルゴリズム(GA)による分子進化

遺伝的アルゴリズムは生物の進化過程を模倣した最適化手法です。複数の候補解(個体)からなる集団を維持し、選択・交叉・突然変異の操作によって解を進化させます。

  1
  2
  3
  4
  5
  6
  7
  8
  9
 10
 11
 12
 13
 14
 15
 16
 17
 18
 19
 20
 21
 22
 23
 24
 25
 26
 27
 28
 29
 30
 31
 32
 33
 34
 35
 36
 37
 38
 39
 40
 41
 42
 43
 44
 45
 46
 47
 48
 49
 50
 51
 52
 53
 54
 55
 56
 57
 58
 59
 60
 61
 62
 63
 64
 65
 66
 67
 68
 69
 70
 71
 72
 73
 74
 75
 76
 77
 78
 79
 80
 81
 82
 83
 84
 85
 86
 87
 88
 89
 90
 91
 92
 93
 94
 95
 96
 97
 98
 99
100
101
102
103
104
105
106
107
108
109
110
111
112
113
114
115
116
117
118
119
120
121
122
123
124
125
126
127
128
129
130
131
132
133
134
135
136
137
138
139
140
141
142
143
144
145
146
147
148
149
150
151
152
153
154
155
156
157
158
159
160
161
162
163
164
165
166
167
168
169
170
171
# 遺伝的アルゴリズムの実装
class GeneticAlgorithm:
    """遺伝的アルゴリズムによる分子最適化"""
    
    def __init__(self, objective_func, population_size=20, generations=50, 
                 mutation_rate=0.3, crossover_rate=0.7):
        self.objective_func = objective_func
        self.population_size = population_size
        self.generations = generations
        self.mutation_rate = mutation_rate
        self.crossover_rate = crossover_rate
        self.mutations = MolecularMutations()
    
    def initialize_population(self, initial_smiles_list):
        """初期集団を生成"""
        population = []
        for smiles in initial_smiles_list:
            mol = Chem.MolFromSmiles(smiles)
            if mol is not None:
                score = self.objective_func.evaluate_molecule(smiles)
                population.append({
                    'smiles': smiles,
                    'mol': mol,
                    'score': score
                })
        
        # 集団サイズに満たない場合は突然変異で補完
        while len(population) < self.population_size:
            parent = random.choice(population[:len(population)])
            mutated = self.mutate_molecule(parent['mol'])
            if mutated:
                population.append(mutated)
        
        return population[:self.population_size]
    
    def tournament_selection(self, population, tournament_size=3):
        """トーナメント選択"""
        tournament = random.sample(population, min(tournament_size, len(population)))
        return max(tournament, key=lambda x: x['score'])
    
    def crossover_molecules(self, parent1, parent2):
        """分子の交叉操作(単純な断片交換)"""
        try:
            # SMILESの一部を交換する簡単な実装
            smiles1, smiles2 = parent1['smiles'], parent2['smiles']
            
            if len(smiles1) > 4 and len(smiles2) > 4:
                # ランダムな位置で切断して交換
                cut1 = random.randint(2, len(smiles1) - 2)
                cut2 = random.randint(2, len(smiles2) - 2)
                
                new_smiles1 = smiles1[:cut1] + smiles2[cut2:]
                new_smiles2 = smiles2[:cut2] + smiles1[cut1:]
                
                offspring = []
                for smiles in [new_smiles1, new_smiles2]:
                    mol = Chem.MolFromSmiles(smiles)
                    if mol is not None:
                        score = self.objective_func.evaluate_molecule(smiles)
                        offspring.append({
                            'smiles': smiles,
                            'mol': mol,
                            'score': score
                        })
                
                return offspring
        except:
            pass
        
        return [parent1, parent2]
    
    def mutate_molecule(self, mol):
        """分子の突然変異"""
        mutations = self.mutations.get_valid_mutations(mol)
        if mutations:
            mutation = random.choice(mutations)
            new_mol = self.mutations.apply_mutation(mol, mutation)
            if new_mol is not None:
                smiles = Chem.MolToSmiles(new_mol)
                score = self.objective_func.evaluate_molecule(smiles)
                return {
                    'smiles': smiles,
                    'mol': new_mol,
                    'score': score
                }
        return None
    
    def optimize(self, initial_smiles_list):
        """遺伝的アルゴリズム最適化を実行"""
        population = self.initialize_population(initial_smiles_list)
        
        history = {
            'generations': [],
            'best_scores': [],
            'avg_scores': [],
            'best_molecules': []
        }
        
        for generation in range(self.generations):
            # 現世代の統計
            scores = [ind['score'] for ind in population]
            best_ind = max(population, key=lambda x: x['score'])
            
            history['generations'].append(generation)
            history['best_scores'].append(best_ind['score'])
            history['avg_scores'].append(np.mean(scores))
            history['best_molecules'].append(best_ind['smiles'])
            
            # 新世代の生成
            new_population = []
            
            # エリート保存(上位10%)
            elite_size = max(1, self.population_size // 10)
            elite = sorted(population, key=lambda x: x['score'], reverse=True)[:elite_size]
            new_population.extend(elite)
            
            # 交叉と突然変異で残りを生成
            while len(new_population) < self.population_size:
                if random.random() < self.crossover_rate:
                    # 交叉
                    parent1 = self.tournament_selection(population)
                    parent2 = self.tournament_selection(population)
                    offspring = self.crossover_molecules(parent1, parent2)
                    new_population.extend(offspring)
                else:
                    # 突然変異
                    parent = self.tournament_selection(population)
                    mutated = self.mutate_molecule(parent['mol'])
                    if mutated:
                        new_population.append(mutated)
                    else:
                        new_population.append(parent)
            
            population = new_population[:self.population_size]
        
        return history, population

# 初期集団となる分子リスト
initial_molecules = [
    "CCO",           # エタノール
    "CC(=O)O",       # 酢酸
    "CC(C)O",        # イソプロパノール
    "CCCO",          # プロパノール
    "CC(=O)C",       # アセトン
    "CCN",           # エチルアミン
    "C1=CC=CC=C1",   # ベンゼン
    "CC1=CC=CC=C1",  # トルエン
]

# 遺伝的アルゴリズムの実行
ga = GeneticAlgorithm(objective, population_size=15, generations=30)

print("遺伝的アルゴリズムによる分子最適化:")
print("=" * 50)
print(f"初期集団: {len(initial_molecules)} 分子")
print(f"集団サイズ: {ga.population_size}")
print(f"世代数: {ga.generations}")

ga_history, final_population = ga.optimize(initial_molecules)

# 結果の表示
best_final = max(final_population, key=lambda x: x['score'])
print(f"\n最終結果:")
print(f"最高スコア: {best_final['score']:.3f}")
print(f"最良分子: {best_final['smiles']}")

# 上位5分子を表示
top_molecules = sorted(final_population, key=lambda x: x['score'], reverse=True)[:5]
print(f"\n上位5分子:")
for i, mol in enumerate(top_molecules, 1):
    print(f"{i}. スコア {mol['score']:.3f}: {mol['smiles']}")
[18:21:37] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:37] Explicit valence for atom # 1 C, 5, is greater than permitted
[18:21:37] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:37] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CC()C
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CC()C
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC()C' for input: 'CC()C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1C)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC1C)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1C)C' for input: 'CC1C)C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC(=OO1
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC(=OO1
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=OO1' for input: 'CC(=OO1'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(==O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC(==O)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(==O)C' for input: 'CC(==O)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC)O
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC)O
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC)O' for input: 'CC)O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC(C1CO1
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC(C1CO1
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(C1CO1' for input: 'CC(C1CO1'
[18:21:37] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:37] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(==O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC(==O)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(==O)C' for input: 'CC(==O)C'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(=)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC(=)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=)C' for input: 'CC(=)C'
[18:21:37] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CC((O)O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CC((O)O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC((O)O' for input: 'CC((O)O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=C=O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] O=C=O)C
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=C=O)C' for input: 'O=C=O)C'
[18:21:37] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CC()C
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CC()C
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC()C' for input: 'CC()C'
[18:21:37] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(=)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC(=)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=)C' for input: 'CC(=)C'
[18:21:37] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC)C
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC)C
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC)C' for input: 'CC)C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC(=O(=O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC(=O(=O)C
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O(=O)C' for input: 'CC(=O(=O)C'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC()C
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CC()C
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC()C' for input: 'CC()C'
[18:21:37] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC(=O(=O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC(=O(=O)C
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O(=O)C' for input: 'CC(=O(=O)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC)C
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC)C
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC)C' for input: 'CC)C'
[18:21:37] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CC()C
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CC()C
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC()C' for input: 'CC()C'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(=(=O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC(=(=O)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=(=O)C' for input: 'CC(=(=O)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCO)C
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCO)C
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCO)C' for input: 'CCO)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC=O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC=O)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC=O)C' for input: 'CC=O)C'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC((=O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CC((=O)C
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC((=O)C' for input: 'CC((=O)C'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC((=O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CC((=O)C
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC((=O)C' for input: 'CC((=O)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC=O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC=O)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC=O)C' for input: 'CC=O)C'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(==O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC(==O)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(==O)C' for input: 'CC(==O)C'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(=)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC(=)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=)C' for input: 'CC(=)C'
[18:21:37] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:37] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(==O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC(==O)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(==O)C' for input: 'CC(==O)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCO)C
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCO)C
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCO)C' for input: 'CCO)C'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(=(=O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC(=(=O)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=(=O)C' for input: 'CC(=(=O)C'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(=)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC(=)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=)C' for input: 'CC(=)C'
[18:21:37] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(=(=O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC(=(=O)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=(=O)C' for input: 'CC(=(=O)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCO)C
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCO)C
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCO)C' for input: 'CCO)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCO)C
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCO)C
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCO)C' for input: 'CCO)C'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(=(=O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC(=(=O)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=(=O)C' for input: 'CC(=(=O)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCO)C
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCO)C
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCO)C' for input: 'CCO)C'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(=(=O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC(=(=O)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=(=O)C' for input: 'CC(=(=O)C'
[18:21:37] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CC()C
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CC()C
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC()C' for input: 'CC()C'
[18:21:37] Explicit valence for atom # 1 C, 5, is greater than permitted
[18:21:37] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC)C
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC)C
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC)C' for input: 'CC)C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC(=O(=O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC(=O(=O)C
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O(=O)C' for input: 'CC(=O(=O)C'
[18:21:37] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:37] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(=)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC(=)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=)C' for input: 'CC(=)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC)C
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC)C
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC)C' for input: 'CC)C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC(=O(O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC(=O(O)C
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O(O)C' for input: 'CC(=O(O)C'
[18:21:37] Explicit valence for atom # 1 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(==O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC(==O)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(==O)C' for input: 'CC(==O)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC)C
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC)C
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC)C' for input: 'CC)C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC(=O(O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC(=O(O)C
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O(O)C' for input: 'CC(=O(O)C'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(=)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC(=)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=)C' for input: 'CC(=)C'
[18:21:37] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(=)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC(=)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=)C' for input: 'CC(=)C'
[18:21:37] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CC()C
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CC()C
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC()C' for input: 'CC()C'
[18:21:37] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(==O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC(==O)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(==O)C' for input: 'CC(==O)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC)C
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC)C
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC)C' for input: 'CC)C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC(=O(=O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC(=O(=O)C
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O(=O)C' for input: 'CC(=O(=O)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC)C
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC)C
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC)C' for input: 'CC)C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC(=O(=O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC(=O(=O)C
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O(=O)C' for input: 'CC(=O(=O)C'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC()=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCC()=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC()=O' for input: 'CCC()=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC)=O' for input: 'CCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C(C)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(C(C)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C(C)=O' for input: 'CCC(C(C)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1CC1)C
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] CC1CC1)C
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1CC1)C' for input: 'CC1CC1)C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC(=O=O
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC(=O=O
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O=O' for input: 'CC(=O=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(C1=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C1=O' for input: 'CCC(C1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1CC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] CC1CC)=O
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1CC)=O' for input: 'CC1CC)=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCCC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1(C)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC)=O' for input: 'CCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C(C)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(C(C)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C(C)=O' for input: 'CCC(C(C)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC(C)=O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 9:
[18:21:37] CCC(C)=O)C
[18:21:37] ~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C)=O)C' for input: 'CCC(C)=O)C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC(=O
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC(=O
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O' for input: 'CC(=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C(C)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(C(C)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C(C)=O' for input: 'CCC(C(C)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC)=O' for input: 'CCC)=O'
[18:21:37] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:37] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CC()C
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CC()C
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC()C' for input: 'CC()C'
[18:21:37] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(=)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC(=)=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=)=O' for input: 'CC(=)=O'
[18:21:37] Explicit valence for atom # 1 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(CC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(CC1=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(CC1=O' for input: 'CCC(CC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1C)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC1C)=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1C)=O' for input: 'CC1C)=O'
[18:21:37] Explicit valence for atom # 1 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(=O' for input: 'CCC(=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(C)CC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] CCCC(C)CC)=O
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(C)CC)=O' for input: 'CCCC(C)CC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(CC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCC(CC1=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(CC1=O' for input: 'CCCC(CC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1C)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] CCC1C)=O
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C)=O' for input: 'CCC1C)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(CC(C)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(CC(C)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(CC(C)=O' for input: 'CCC(CC(C)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCO)C
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCO)C
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCO)C' for input: 'CCO)C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC(=O
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC(=O
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O' for input: 'CC(=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC(C)=O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 9:
[18:21:37] CCC(C)=O)C
[18:21:37] ~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C)=O)C' for input: 'CCC(C)=O)C'
[18:21:37] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:37] Explicit valence for atom # 2 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC)C
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC)C
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC)C' for input: 'CCC)C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC(=O(C)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC(=O(C)=O
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O(C)=O' for input: 'CC(=O(C)=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC(C)CC1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(CC(C)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(CC(C)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(CC(C)=O' for input: 'CCC(CC(C)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC)=O' for input: 'CCC)=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(C)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(C=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O' for input: 'CCC(C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC(C)C)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 8:
[18:21:37] CCC(C)C)=O
[18:21:37] ~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C)C)=O' for input: 'CCC(C)C)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC(CC))=O
[18:21:37] SMILES Parse Error: check for mistakes around position 8:
[18:21:37] CCC(CC))=O
[18:21:37] ~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(CC))=O' for input: 'CCC(CC))=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(CC=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(CC=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(CC=O' for input: 'CCC(CC=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] CCCCC)=O
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCCC)=O' for input: 'CCCCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C(C)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(C(C)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C(C)=O' for input: 'CCC(C(C)=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC((CO)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCC((CO)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC((CO)C' for input: 'CCC((CO)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCCO)C
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] CCCCO)C
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCCO)C' for input: 'CCCCO)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCC)=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC)=O' for input: 'CCCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C(C)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(C(C)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C(C)=O' for input: 'CCC(C(C)=O'
[18:21:37] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:37] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC((C)C(C)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCC((C)C(C)=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC((C)C(C)=O' for input: 'CCC((C)C(C)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC=O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] CCC=O)C
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC=O)C' for input: 'CCC=O)C'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC(=)C
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] CCC(=)C
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(=)C' for input: 'CCC(=)C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C(C)C(C)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(C(C)C(C)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C(C)C(C)=O' for input: 'CCC(C(C)C(C)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCO)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCO)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCO)C' for input: 'CCCO)C'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(=O)C()C(C)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 9:
[18:21:37] CC(=O)C()C(C)=O
[18:21:37] ~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O)C()C(C)=O' for input: 'CC(=O)C()C(C)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC(C(C)C(C)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC(C(C)C(C)=O
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(C(C)C(C)=O' for input: 'CC(C(C)C(C)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC=O)C(C)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC=O)C(C)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC=O)C(C)C' for input: 'CC=O)C(C)C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(CC(C)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(CC(C)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(CC(C)=O' for input: 'CCC(CC(C)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC)=O
[18:21:37] ~~^


遺伝的アルゴリズムによる分子最適化:
==================================================
初期集団: 8 分子
集団サイズ: 15
世代数: 30


[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC)=O' for input: 'CC)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC(=O))C
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] CC(=O))C
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O))C' for input: 'CC(=O))C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(COC(C)C
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(COC(C)C
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(COC(C)C' for input: 'CCC(COC(C)C'
[18:21:37] Explicit valence for atom # 1 C, 5, is greater than permitted
[18:21:37] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCC)=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC)=O' for input: 'CCCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(CCC(=O)OC
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(CCC(=O)OC
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(CCC(=O)OC' for input: 'CCC(CCC(=O)OC'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC)=O
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC)=O' for input: 'CC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(CCCC(COO)C
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(CCCC(COO)C
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(CCCC(COO)C' for input: 'CCC(CCCC(COO)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC(O)C)C
[18:21:37] SMILES Parse Error: check for mistakes around position 8:
[18:21:37] CCC(O)C)C
[18:21:37] ~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(O)C)C' for input: 'CCC(O)C)C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(O)C(C(C)C
[18:21:37] SMILES Parse Error: check for mistakes around position 8:
[18:21:37] CCC(O)C(C(C)C
[18:21:37] ~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(O)C(C(C)C' for input: 'CCC(O)C(C(C)C'
[18:21:37] Explicit valence for atom # 1 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O(=O)OC
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCC(=O(=O)OC
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O(=O)OC' for input: 'CCCC(=O(=O)OC'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC)OC
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCC)OC
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC)OC' for input: 'CCCC)OC'
[18:21:37] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC((CO)C
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCC((CO)C
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC((CO)C' for input: 'CCC((CO)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC=O)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] CCC=O)C(CCC)=O
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC=O)C(CCC)=O' for input: 'CCC=O)C(CCC)=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC((CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CC((CCC)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC((CCC)=O' for input: 'CC((CCC)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC(O)C=O)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] CCC(O)C=O)C(CCC)=O
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(O)C=O)C(CCC)=O' for input: 'CCC(O)C=O)C(CCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C=O)C(CC(COOO)C
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] CCC(C=O)C(CC(COOO)C
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O)C(CC(COOO)C' for input: 'CCC(C=O)C(CC(COOO)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCC)=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC)=O' for input: 'CCCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC(=O
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC(=O
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O' for input: 'CC(=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC(O)C(CCC)=O)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 15:
[18:21:37] CCC(O)C(CCC)=O)C(CCC)=O
[18:21:37] ~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(O)C(CCC)=O)C(CCC)=O' for input: 'CCC(O)C(CCC)=O)C(CCC)=O'
[18:21:37] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC(=(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] CCCC(=(CCC)=O
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=(CCC)=O' for input: 'CCCC(=(CCC)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCCO)OC
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] CCCCO)OC
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCCO)OC' for input: 'CCCCO)OC'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC(=O)CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] CC(=O)CCC)=O
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O)CCC)=O' for input: 'CC(=O)CCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C=O)C(C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] CCC(C=O)C(C(CCC)=O
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O)C(C(CCC)=O' for input: 'CCC(C=O)C(C(CCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(OC(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(OC(CCC)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(OC(CCC)=O' for input: 'CCC(OC(CCC)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC(C=O))C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 9:
[18:21:37] CCC(C=O))C(CCC)=O
[18:21:37] ~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O))C(CCC)=O' for input: 'CCC(C=O))C(CCC)=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC(=O)C(C==O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CC(=O)C(C==O
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O)C(C==O' for input: 'CC(=O)C(C==O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC(=O)C(CCC)O)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC(=O)C(CCC)O)C(CCC)=O
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O)C(CCC)O)C(CCC)=O' for input: 'CC(=O)C(CCC)O)C(CCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C=O)C(CCC)C(C(C=O)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CCC(C=O)C(CCC)C(C(C=O)C(CCC)=O
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O)C(CCC)C(C(C=O)C(CCC)=O' for input: 'CCC(C=O)C(CCC)C(C(C=O)C(CCC)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC=O)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] CCC=O)C(CCC)=O
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC=O)C(CCC)=O' for input: 'CCC=O)C(CCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC(=O)C(CCCCCCCCO
[18:21:37] SMILES Parse Error: check for mistakes around position 8:
[18:21:37] CC(=O)C(CCCCCCCCO
[18:21:37] ~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O)C(CCCCCCCCO' for input: 'CC(=O)C(CCCCCCCCO'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O))=O
[18:21:37] SMILES Parse Error: check for mistakes around position 9:
[18:21:37] CCCC(=O))=O
[18:21:37] ~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O))=O' for input: 'CCCC(=O))=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)CC(C)C1C(C)C1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(OOOO(CCCCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(OOOO(CCCCC)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(OOOO(CCCCC)=O' for input: 'CCC(OOOO(CCCCC)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC(=O)C)C
[18:21:37] SMILES Parse Error: check for mistakes around position 8:
[18:21:37] CC(=O)C)C
[18:21:37] ~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O)C)C' for input: 'CC(=O)C)C'
[18:21:37] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC(C=OC)C1=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC1C(=O)CC()C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 13:
[18:21:37] CCC1C(=O)CC()C(CCC)=O
[18:21:37] ~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)CC()C(CCC)=O' for input: 'CCC1C(=O)CC()C(CCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC1C(=O)CC(C(=O)CCCO
[18:21:37] SMILES Parse Error: check for mistakes around position 12:
[18:21:37] CCC1C(=O)CC(C(=O)CCCO
[18:21:37] ~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)CC(C(=O)CCCO' for input: 'CCC1C(=O)CC(C(=O)CCCO'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCC)C1=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC)C1=O' for input: 'CCCC)C1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC(=C(C)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC(=C(C)C(CCC)=O
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=C(C)C(CCC)=O' for input: 'CC(=C(C)C(CCC)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCO)C(CCCCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCO)C(CCCCC)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCO)C(CCCCC)=O' for input: 'CCO)C(CCCCC)=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)CC(CCC)=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC(=O)C(C=O)C(C)C1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC(=O)C(CCC1COOO
[18:21:37] SMILES Parse Error: check for mistakes around position 8:
[18:21:37] CC(=O)C(CCC1COOO
[18:21:37] ~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O)C(CCC1COOO' for input: 'CC(=O)C(CCC1COOO'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1CCCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 8:
[18:21:37] CC1CCCC)=O
[18:21:37] ~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1CCCC)=O' for input: 'CC1CCCC)=O'
[18:21:37] Explicit valence for atom # 5 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC(=O)C(C=O)C=O)C(C=O)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CC(=O)C(C=O)C=O)C(C=O)C(CCC)=O
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O)C(C=O)C=O)C(C=O)C(CCC)=O' for input: 'CC(=O)C(C=O)C=O)C(C=O)C(CCC)=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC((CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CC((CCC)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC((CCC)=O' for input: 'CC((CCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C=OCC1C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(C=OCC1C=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=OCC1C=O' for input: 'CCC(C=OCC1C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CC1)C(CCC)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1)C(CCC)=O' for input: 'CC1)C(CCC)=O'
[18:21:37] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC(C=O)C(CCC)=O)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 17:
[18:21:37] CCC(C=O)C(CCC)=O)C(CCC)=O
[18:21:37] ~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O)C(CCC)=O)C(CCC)=O' for input: 'CCC(C=O)C(CCC)=O)C(CCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(C=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O' for input: 'CCC(C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC(C=O)CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 12:
[18:21:37] CCC(C=O)CCC)=O
[18:21:37] ~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O)CCC)=O' for input: 'CCC(C=O)CCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C=O)C(C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] CCC(C=O)C(C(CCC)=O
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O)C(C(CCC)=O' for input: 'CCC(C=O)C(C(CCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(OO(C=O)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(OO(C=O)C(CCC)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(OO(C=O)C(CCC)=O' for input: 'CCC(OO(C=O)C(CCC)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCOO)C
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] CCCOO)C
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCOO)C' for input: 'CCCOO)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC(C)C(CCC)=O)C1(C=O)CCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 15:
[18:21:37] CCC(C)C(CCC)=O)C1(C=O)CCC(C=O)C1CCC
[18:21:37] ~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C)C(CCC)=O)C1(C=O)CCC(C=O)C1CCC' for input: 'CCC(C)C(CCC)=O)C1(C=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(OOO
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCC(OOO
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(OOO' for input: 'CCCC(OOO'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC()OOO
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCC()OOO
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC()OOO' for input: 'CCC()OOO'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1(C)=O)CC1CCC1
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] CCC1(C)=O)CC1CCC1
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1(C)=O)CC1CCC1' for input: 'CCC1(C)=O)CC1CCC1'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC(=O)C(C(=O)CC1C
[18:21:37] SMILES Parse Error: check for mistakes around position 8:
[18:21:37] CC(=O)C(C(=O)CC1C
[18:21:37] ~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O)C(C(=O)CC1C' for input: 'CC(=O)C(C(=O)CC1C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C=O)C(CC1C
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] CCC(C=O)C(CC1C
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O)C(CC1C' for input: 'CCC(C=O)C(CC1C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1(C)C(=O)CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CCC1(C)C(=O)CCC)=O
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1(C)C(=O)CCC)=O' for input: 'CCC1(C)C(=O)CCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(CCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)C1(CCC(C=O)C1CCC
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(CCC(C=O)C1CCC' for input: 'CCCC(=O)C1(CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)C=O)CCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 19:
[18:21:37] CCCC(=O)C1(C=O)C=O)CCC(C=O)C1CCC
[18:21:37] ~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)C=O)CCC(C=O)C1CCC' for input: 'CCCC(=O)C1(C=O)C=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC(=O)O)CCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 8:
[18:21:37] CC(=O)O)CCC(C=O)C1CCC
[18:21:37] ~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O)O)CCC(C=O)C1CCC' for input: 'CC(=O)O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=C(O)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)C1(C=C(O)C(CCC)=O
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=C(O)C(CCC)=O' for input: 'CCCC(=O)C1(C=C(O)C(CCC)=O'
[18:21:37] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:37] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC=O)CCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] CCCC=O)CCC(C=O)C1CCC
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC=O)CCC(C=O)C1CCC' for input: 'CCCC=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C(=O)C1(C=O)CCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)C1(C(=O)C1(C=O)CCC(C=O)C1CCC
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C(=O)C1(C=O)CCC(C=O)C1CCC' for input: 'CCCC(=O)C1(C(=O)C1(C=O)CCC(C=O)C1CCC'
[18:21:37] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC(=O)CC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 9:
[18:21:37] CC(=O)CC)=O
[18:21:37] ~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC(=O)CC)=O' for input: 'CC(=O)CC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C=O)C(CC(=O)CC1CCC1
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] CCC(C=O)C(CC(=O)CC1CCC1
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O)C(CC(=O)CC1CCC1' for input: 'CCC(C=O)C(CC(=O)CC1CCC1'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC(C=C)=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC(C=O)C(CCO)C1CCC'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC1C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1C(C=O)C(CCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C=O)C(CCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] CCC(C=O)C(CCC(C=O)C1CCC
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O)C(CCC(C=O)C1CCC' for input: 'CCC(C=O)C(CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 19:
[18:21:37] CCCC(=O)C1(C=O)CCC)=O
[18:21:37] ~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC)=O' for input: 'CCCC(=O)C1(C=O)CCC)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC(C=O)C(O)C=O)C(O)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CCC(C=O)C(O)C=O)C(O)C(CCC)=O
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O)C(O)C=O)C(O)C(CCC)=O' for input: 'CCC(C=O)C(O)C=O)C(O)C(CCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(C(CCC)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C(CCC)=O' for input: 'CCC(C(CCC)=O'
[18:21:37] Explicit valence for atom # 9 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CC1CCCCCC(C=O)CCC2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC12CCCC(=O)C11=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC)C(CCC)=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC)C(CCC)=O' for input: 'CCC)C(CCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C=O)C(O(C=O)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] CCC(C=O)C(O(C=O)C(CCC)=O
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O)C(O(C=O)C(CCC)=O' for input: 'CCC(C=O)C(O(C=O)C(CCC)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC)CCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC)CCC(C=O)C1CCC
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC)CCC(C=O)C1CCC' for input: 'CCC)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O(OOOO)C
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)C1(C=O(OOOO)C
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O(OOOO)C' for input: 'CCCC(=O)C1(C=O(OOOO)C'
[18:21:37] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCC(=C(CCC)=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=C(CCC)=O' for input: 'CCCC(=C(CCC)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC(C=O)O)C1(C=O)CCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] CCC(C=O)O)C1(C=O)CCC(C=O)C1CCC
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O)O)C1(C=O)CCC(C=O)C1CCC' for input: 'CCC(C=O)O)C1(C=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C=O12CCCC(=O)C1(C=O)CCC2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(C=O12CCCC(=O)C1(C=O)CCC2C=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O12CCCC(=O)C1(C=O)CCC2C=O' for input: 'CCC(C=O12CCCC(=O)C1(C=O)CCC2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCC)C(CCC)=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC)C(CCC)=O' for input: 'CCCC)C(CCC)=O'
[18:21:37] SMILES Parse Error: ring closure 1 duplicates bond between atom 5 and atom 8 for input: 'CCCC(=O)C1(C=O)C1CCC'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC12CCCC(=O)CC1CCCCCC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=C1(C=O)CCC2C=O'
[18:21:37] Explicit valence for atom # 9 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CC1CC)C(O)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 8:
[18:21:37] O=CC1CC)C(O)C(CCC)=O
[18:21:37] ~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CC1CC)C(O)C(CCC)=O' for input: 'O=CC1CC)C(O)C(CCC)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C=OCCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(C=OCCCC1=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=OCCCC1=O' for input: 'CCC(C=OCCCC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC12CCCC(=O)C(CCC)=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC(C=O)C1(C=O)CCC2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC(C=O)C(CCC)O)C
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CCC(C=O)C(CCC)O)C
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O)C(CCC)O)C' for input: 'CCC(C=O)C(CCC)O)C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(OOO=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(OOO=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(OOO=O' for input: 'CCC(OOO=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC12CCCC(=O)C1(C=O)CCC2COO)C
[18:21:37] SMILES Parse Error: check for mistakes around position 29:
[18:21:37] CC(=O)C1(C=O)CCC2COO)C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC12CCCC(=O)C1(C=O)CCC2COO)C' for input: 'CCCC12CCCC(=O)C1(C=O)CCC2COO)C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(OO=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(OO=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(OO=O' for input: 'CCC(OO=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC12CCCC(=O)C1(C=O)CO)C1(C=O)CCC2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 24:
[18:21:37] C12CCCC(=O)C1(C=O)CO)C1(C=O)CCC2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC12CCCC(=O)C1(C=O)CO)C1(C=O)CCC2C=O' for input: 'CCCC12CCCC(=O)C1(C=O)CO)C1(C=O)CCC2C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC12CCCC(=CC2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC12CCCC(=CC2C=O
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC12CCCC(=CC2C=O' for input: 'CCCC12CCCC(=CC2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC(C)C(CC)CCC2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC12CCCC(=O)C1(C=OC=CCCCC)=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=O)CCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] O=O)CCC(C=O)C1CCC
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=O)CCC(C=O)C1CCC' for input: 'O=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=CC1CCCCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)C1(C=CC1CCCCCC1=O
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=CC1CCCCCC1=O' for input: 'CCCC(=O)C1(C=CC1CCCCCC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC(OOOO=O)C1CCC'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC(C)C'
[18:21:37] Explicit valence for atom # 7 N, 4, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCCCCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 22:
[18:21:37] CCC(=O)C1(C=O)CCCCCC)=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCCCCC)=O' for input: 'CCCC(=O)C1(C=O)CCCCCC)=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC(C=O)C((C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCC(C=O)C((C=O)C1CCC
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O)C((C=O)C1CCC' for input: 'CCC(C=O)C((C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C=O)C(CC=O
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] CCC(C=O)C(CC=O
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O)C(CC=O' for input: 'CCC(C=O)C(CC=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC(C=O)C(CC=O)C(CCC)=O)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 24:
[18:21:37] (C=O)C(CC=O)C(CCC)=O)C(CCC)=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O)C(CC=O)C(CCC)=O)C(CCC)=O' for input: 'CCC(C=O)C(CC=O)C(CCC)=O)C(CCC)=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC12CCCC(=O)C1(C=)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 20:
[18:21:37] CCCC12CCCC(=O)C1(C=)C(CCC)=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC12CCCC(=O)C1(C=)C(CCC)=O' for input: 'CCCC12CCCC(=O)C1(C=)C(CCC)=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC(C=O)C(CC=OO)CCC2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC12CCCC(=C=O)C(CC=O)C(CCC)=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC(O)C1(C=O)CCC2C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C=O)C(O)C(CCCC(=O)C1(C=O)CCC2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CCC(C=O)C(O)C(CCCC(=O)C1(C=O)CCC2C=O
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O)C(O)C(CCCC(=O)C1(C=O)CCC2C=O' for input: 'CCC(C=O)C(O)C(CCCC(=O)C1(C=O)CCC2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC12CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] CCCC12CCC)=O
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC12CCC)=O' for input: 'CCCC12CCC)=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CC1CCCCCC(=O)C1(C=O)CCC2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC12CCCC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC12CCCC(=O)C1(C=O)CC(CCC)=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC(C=O)C(CC=O)CC2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC(C=O)C1C)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 27:
[18:21:37] O)C1(C=O)CCC(C=O)C1C)=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC(C=O)C1C)=O' for input: 'CCCC(=O)C1(C=O)CCC(C=O)C1C)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C=O)C(O)C(CCCCC
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CCC(C=O)C(O)C(CCCCC
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O)C(O)C(CCCCC' for input: 'CCC(C=O)C(O)C(CCCCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(CC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC(CC1=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(CC1=O' for input: 'CCC(CC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CC1CCCCC=O)C(CC=O)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 13:
[18:21:37] O=CC1CCCCC=O)C(CC=O)C(CCC)=O
[18:21:37] ~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CC1CCCCC=O)C(CC=O)C(CCC)=O' for input: 'O=CC1CCCCC=O)C(CC=O)C(CCC)=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC(C=(OOOO)C
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] CCC(C=(OOOO)C
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=(OOOO)C' for input: 'CCC(C=(OOOO)C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCO)C(CC=O)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCO)C(CC=O)C(CCC)=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCO)C(CC=O)C(CCC)=O' for input: 'CCCO)C(CC=O)C(CCC)=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)CCCCCC(=O)C1(C=O)CCC2C(=O)O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC12CCCC1C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)C1(C=O
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O' for input: 'CCCC(=O)C1(C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC12CCC3C(=O)C1(C=O)CCC32C=O)CCC(C=O)CCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] C(=O)C1(C=O)CCC32C=O)CCC(C=O)CCC(C=O)C1CC
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC12CCC3C(=O)C1(C=O)CCC32C=O)CCC(C=O)CCC(C=O)C1CCC' for input: 'CCCC12CCC3C(=O)C1(C=O)CCC32C=O)CCC(C=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC12CCCC(=O)C1(C=O)CCC2C(=OO)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC(=O)C1(C=)O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CCCC(=O)C1(C=)O
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=)O' for input: 'CCCC(=O)C1(C=)O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC=O)CCC(C=O)CCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] CCCC=O)CCC(C=O)CCC(C=O)C1CCC
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC=O)CCC(C=O)CCC(C=O)C1CCC' for input: 'CCCC=O)CCC(C=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C12CCC3C(=O)C1(C=O)CCC32C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)C1(C12CCC3C(=O)C1(C=O)CCC32C=O
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C12CCC3C(=O)C1(C=O)CCC32C=O' for input: 'CCCC(=O)C1(C12CCC3C(=O)C1(C=O)CCC32C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)CC(=O)C1CC'
[18:21:37] SMILES Parse Error: ring closure 1 duplicates bond between atom 5 and atom 6 for input: 'CCCC(=O)C1C(C=O)1(C=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCCCC1C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)CCCC1C(=O)CCCCCC1C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC1(C=O)CCC2C(=O)O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC12CCCC(=O)C(C=O)C1CCC'
[18:21:37] Explicit valence for atom # 12 O, 4, is greater than permitted
[18:21:37] Explicit valence for atom # 16 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC(C=O)CC(=O)C1(C=O)CCC2C(=O)O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC12CCCCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCCC=O)CCC32C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 8:
[18:21:37] CCCCC=O)CCC32C=O
[18:21:37] ~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCCC=O)CCC32C=O' for input: 'CCCCC=O)CCC32C=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC12CCC3C(=O)C1((=O)C1(C=O)CCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 19:
[18:21:37] CCCC12CCC3C(=O)C1((=O)C1(C=O)CCC(C=O)C1CC
[18:21:37] ~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC12CCC3C(=O)C1((=O)C1(C=O)CCC(C=O)C1CCC' for input: 'CCCC12CCC3C(=O)C1((=O)C1(C=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] CCC)C1CCC
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC)C1CCC' for input: 'CCC)C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC(C=OC12CCC3C(=O)C1(C=O)CCC32C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 19:
[18:21:37] CCCC(=O)C1(C=O)CCC(C=OC12CCC3C(=O)C1(C=O)
[18:21:37] ~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC(C=OC12CCC3C(=O)C1(C=O)CCC32C=O' for input: 'CCCC(=O)C1(C=O)CCC(C=OC12CCC3C(=O)C1(C=O)CCC32C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: ring closure 1 duplicates bond between atom 5 and atom 8 for input: 'CCCC(=O)C1(C=O)C1(C=O)CCC(C=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC(C=O)CC(CCCCC(=O)C1(C=O)CCC2C(=O)O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCC(C=O)CC(CCCCC(=O)C1(C=O)CCC2C(=O)O
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC(C=O)CC(CCCCC(=O)C1(C=O)CCC2C(=O)O' for input: 'CCC(C=O)CC(CCCCC(=O)C1(C=O)CCC2C(=O)O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC12=O)C(CCC)=O
[18:21:37] SMILES Parse Error: check for mistakes around position 9:
[18:21:37] CCCC12=O)C(CCC)=O
[18:21:37] ~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC12=O)C(CCC)=O' for input: 'CCCC12=O)C(CCC)=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC12CCC3C(=O)C1(C=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC32C=O'
[18:21:37] Explicit valence for atom # 3 C, 6, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCCC12CCC3C(=O)C1(C=O)CCC32C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC(C=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C1(C=O)C2CCCC1C(C=O)C2'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CC(O)C(C=O)CCC(=O)C1(C=O)CCC(C=O)CCC1C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=OC=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC(=O)C1(C=O)CC(O)C()C1(C=O)CCC(C=O)CCN(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 23:
[18:21:37] CC(=O)C1(C=O)CC(O)C()C1(C=O)CCC(C=O)CCN(C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CC(O)C()C1(C=O)CCC(C=O)CCN(C=O)C1CCC' for input: 'CCCC(=O)C1(C=O)CC(O)C()C1(C=O)CCC(C=O)CCN(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC1C(C=O)CC2C(C=O)C(C(O)C(C=CCCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 22:
[18:21:37] CCC1C(C=O)CC2C(C=O)C(C(O)C(C=CCCC(C=O)C1C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC1C(C=O)CC2C(C=O)C(C(O)C(C=CCCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 28:
[18:21:37] C=O)CC2C(C=O)C(C(O)C(C=CCCC(C=O)C1CCC
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC1C(C=O)CC2C(C=O)C(C(O)C(C=CCCC(C=O)C1CCC' for input: 'CCCC1C(C=O)CC2C(C=O)C(C(O)C(C=CCCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC1C(=O)CCO)CC)C12C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 15:
[18:21:37] O=CCC1C(=O)CCO)CC)C12C=O
[18:21:37] ~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=O)CCO)CC)C12C=O' for input: 'O=CCC1C(=O)CCO)CC)C12C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(CCCC(=O)C1(C=O)CCC2C(=O)O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCC(CCCC(=O)C1(C=O)CCC2C(=O)O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(CCCC(=O)C1(C=O)CCC2C(=O)O' for input: 'CCCC(CCCC(=O)C1(C=O)CCC2C(=O)O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12=O)C1(C=O)CCC(C=O)CCN(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] CC12=O)C1(C=O)CCC(C=O)CCN(C=O)C1CCC
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12=O)C1(C=O)CCC(C=O)CCN(C=O)C1CCC' for input: 'CC12=O)C1(C=O)CCC(C=O)CCN(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(CCC12CCCC(=O)C1(C=O)CCC2C(=O)O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)C1(CCC12CCCC(=O)C1(C=O)CCC2C(=O)O
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(CCC12CCCC(=O)C1(C=O)CCC2C(=O)O' for input: 'CCCC(=O)C1(CCC12CCCC(=O)C1(C=O)CCC2C(=O)O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC=O)CC(O)C(C=O)CCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC=O)CC(O)C(C=O)CCC(C=O)C1CCC
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC=O)CC(O)C(C=O)CCC(C=O)C1CCC' for input: 'CC=O)CC(O)C(C=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCCO)CCCCCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] CCCCO)CCCCCC(C=O)C1CCC
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCCO)CCCCCC(C=O)C1CCC' for input: 'CCCCO)CCCCCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: syntax error while parsing: O=CCC1C(=12CCCC(=O)C1(C=O)CCC2C(=O)O
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] O=CCC1C(=12CCCC(=O)C1(C=O)CCC2C(=O)O
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=12CCCC(=O)C1(C=O)CCC2C(=O)O' for input: 'O=CCC1C(=12CCCC(=O)C1(C=O)CCC2C(=O)O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC(=(C=O)CC(O)C(C=O)CCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] CCCC(=(C=O)CC(O)C(C=O)CCC(C=O)C1CCC
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=(C=O)CC(O)C(C=O)CCC(C=O)C1CCC' for input: 'CCCC(=(C=O)CC(O)C(C=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1O)C1(C=O)CC(O)C(C=O)CCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 12:
[18:21:37] CCCC(=O)C1O)C1(C=O)CC(O)C(C=O)CCC(C=O)C1C
[18:21:37] ~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1O)C1(C=O)CC(O)C(C=O)CCC(C=O)C1CCC' for input: 'CCCC(=O)C1O)C1(C=O)CC(O)C(C=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC1C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC(C=O)CCC(=O)C1(C=O)CC(O)C(C=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC((C=O)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] CCCC((C=O)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC((C=O)CCC2CCC(C=O)C1C(CC)C2=O' for input: 'CCCC((C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1=O)C1(C=O)C2CCCC1C(C=O)C2
[18:21:37] SMILES Parse Error: check for mistakes around position 13:
[18:21:37] CCCC(=O)C1=O)C1(C=O)C2CCCC1C(C=O)C2
[18:21:37] ~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1=O)C1(C=O)C2CCCC1C(C=O)C2' for input: 'CCCC(=O)C1=O)C1(C=O)C2CCCC1C(C=O)C2'
[18:21:37] Explicit valence for atom # 12 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=OC1C(=O)CCCCCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCC(=OC1C(=O)CCCCCC(C=O)C1CCC
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=OC1C(=O)CCCCCC(C=O)C1CCC' for input: 'CCCC(=OC1C(=O)CCCCCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CC)C1(C=O)CC(O)C(C=O)CCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] O=CC)C1(C=O)CC(O)C(C=O)CCC(C=O)C1CCC
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CC)C1(C=O)CC(O)C(C=O)CCC(C=O)C1CCC' for input: 'O=CC)C1(C=O)CC(O)C(C=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)CCC2C(=O)O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C1(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CC(O)C(C=O)CCC(C=O)C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 38:
[18:21:37] (O)C(C=O)CCC(C=O)C=O)C1C(CC)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CC(O)C(C=O)CCC(C=O)C=O)C1C(CC)C2=O' for input: 'CCCC(=O)C1(C=O)CC(O)C(C=O)CCC(C=O)C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 23:
[18:21:37] CC(=O)C1(C=O)CCC2CCC(C1CCC
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C1CCC' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C(=O)CCCCCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)C1(C(=O)CCCCCC(C=O)C1CCC
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C(=O)CCCCCC(C=O)C1CCC' for input: 'CCCC(=O)C1(C(=O)CCCCCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC1C=O)CCC(C=O)CCN(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] O=CCC1C=O)CCC(C=O)CCN(C=O)C1CCC
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C=O)CCC(C=O)CCN(C=O)C1CCC' for input: 'O=CCC1C=O)CCC(C=O)CCN(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CC(C1(C=O)CCC(C=O)CCC1C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 18:
[18:21:37] CCCC(=O)C1(C=O)CC(C1(C=O)CCC(C=O)CCC1C=O
[18:21:37] ~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CC(C1(C=O)CCC(C=O)CCC1C=O' for input: 'CCCC(=O)C1(C=O)CC(C1(C=O)CCC(C=O)CCC1C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)O)C(C=O)CCC(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] CCCC(=O)O)C(C=O)CCC(C=O)C1CCC
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)O)C(C=O)CCC(C=O)C1CCC' for input: 'CCCC(=O)O)C(C=O)CCC(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CCC1C(=O)CCCCCC(C12CCCC(=O)C1(C=O)CCC2C(=O)O
[18:21:37] SMILES Parse Error: check for mistakes around position 18:
[18:21:37] O=CCC1C(=O)CCCCCC(C12CCCC(=O)C1(C=O)CCC2C
[18:21:37] ~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=O)CCCCCC(C12CCCC(=O)C1(C=O)CCC2C(=O)O' for input: 'O=CCC1C(=O)CCCCCC(C12CCCC(=O)C1(C=O)CCC2C(=O)O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] CCCC=O)C1CCC
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC=O)C1CCC' for input: 'CCCC=O)C1CCC'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC(C=O)(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCCCCN(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C1(C=CC2C(=O)O
[18:21:37] SMILES Parse Error: check for mistakes around position 15:
[18:21:37] CC12CCCC(=O)C1(C=CC2C(=O)O
[18:21:37] ~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C1(C=CC2C(=O)O' for input: 'CC12CCCC(=O)C1(C=CC2C(=O)O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC12CCCC(=O)C1(C=O)CO)CCC2C(=O)O
[18:21:37] SMILES Parse Error: check for mistakes around position 24:
[18:21:37] C12CCCC(=O)C1(C=O)CO)CCC2C(=O)O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC12CCCC(=O)C1(C=O)CO)CCC2C(=O)O' for input: 'CCCC12CCCC(=O)C1(C=O)CO)CCC2C(=O)O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC12CCCC(=O)C1(C=O)CCC=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 27:
[18:21:37] CCCC(=O)C1(C=O)CCC=O)C1CCC
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC12CCCC(=O)C1(C=O)CCC=O)C1CCC' for input: 'CCCC12CCCC(=O)C1(C=O)CCC=O)C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC(C=O)CCN(C2C(=O)O
[18:21:37] SMILES Parse Error: check for mistakes around position 27:
[18:21:37] O)C1(C=O)CCC(C=O)CCN(C2C(=O)O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC(C=O)CCN(C2C(=O)O' for input: 'CCCC(=O)C1(C=O)CCC(C=O)CCN(C2C(=O)O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CC2(O)C(C)CCN(C=O)C1CCC'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)CCCC(C=O)CCC(C=O=O)CCC(C=O)C12CCC'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC(=O)C1(C=O)CC2(O)C(C=O)CCC(1(C=O)CCN2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 32:
[18:21:37] C=O)CC2(O)C(C=O)CCC(1(C=O)CCN2CCC(C=O)C1C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CC2(O)C(C=O)CCC(1(C=O)CCN2CCC(C=O)C1C(CC)C2=O' for input: 'CCCC(=O)C1(C=O)CC2(O)C(C=O)CCC(1(C=O)CCN2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)CC=O)C12CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 13:
[18:21:37] CCCC(=O)CC=O)C12CCC
[18:21:37] ~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)CC=O)C12CCC' for input: 'CCCC(=O)CC=O)C12CCC'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC(C=O)C2CCC(C=O)C1C(CC)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CC2(O)CC(C=O)CCC(C=O)CCN(C=O)C1CCC'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)CCC(C=O)CCC(C=O)C12CCC'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC(C)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC=O)C2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=C(=O)C3CCC(C=O)C2C(C=O)(CC3)C1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CCC2CCC1C(=O)CCCCCC(C=O)CCC1C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CCC1C(=O)CCCC(C=O)CCC(C(=O)C12CCC3CCC(C=O)C1C(CCC2=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 24:
[18:21:37] CC1C(=O)CCCC(C=O)CCC(C(=O)C12CCC3CCC(C=O)
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=O)CCCC(C=O)CCC(C(=O)C12CCC3CCC(C=O)C1C(CCC2=O)C3=O' for input: 'O=CCC1C(=O)CCCC(C=O)CCC(C(=O)C12CCC3CCC(C=O)C1C(CCC2=O)C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC=O)CCN(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] CCCC=O)CCN(C=O)C1CCC
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC=O)CCN(C=O)C1CCC' for input: 'CCCC=O)CCN(C=O)C1CCC'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC(=)CCC(C=O)C12CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] CCCC(=)CCC(C=O)C12CCC
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=)CCC(C=O)C12CCC' for input: 'CCCC(=)CCC(C=O)C12CCC'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CC2(O)C(C=OO)C1(C=O)CCC(C=O)C2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)CO)C1(C=O)CCC(N=O)C1COC
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)CO)C1(C=O)CCC(N=O)C1COC
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)CO)C1(C=O)CCC(N=O)C1COC' for input: 'CCCC(=O)CO)C1(C=O)CCC(N=O)C1COC'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC(=12CCC3CCC(C=O)C1C(CCC2=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] CCCC(=12CCC3CCC(C=O)C1C(CCC2=O)C3=O
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=12CCC3CCC(C=O)C1C(CCC2=O)C3=O' for input: 'CCCC(=12CCC3CCC(C=O)C1C(CCC2=O)C3=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC(=O)C12CCC3CCC(C=O)C1C(1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 28:
[18:21:37] )C12CCC3CCC(C=O)C1C(1C(CC)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C12CCC3CCC(C=O)C1C(1C(CC)C2=O' for input: 'CCCC(=O)C12CCC3CCC(C=O)C1C(1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC(C=O)C2CCC(C=O)CCCC2=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 41:
[18:21:37] =O)C2CCC(C=O)CCCC2=O)C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC(C=O)C2CCC(C=O)CCCC2=O)C3=O' for input: 'CCCC(=O)C1(C=O)CCC(C=O)C2CCC(C=O)CCCC2=O)C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 38:
[18:21:37] C2CCC(C=O)C1C(CC)C=O)C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C=O)C3=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C=O)C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C12CCC3CCC(C=O)C1C(CCC22=O
[18:21:37] SMILES Parse Error: check for mistakes around position 27:
[18:21:37] O)C12CCC3CCC(C=O)C1C(CCC22=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C12CCC3CCC(C=O)C1C(CCC22=O' for input: 'CCCC(=O)C12CCC3CCC(C=O)C1C(CCC22=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC1C(=O)CC3)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 15:
[18:21:37] O=CCC1C(=O)CC3)C1=O
[18:21:37] ~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=O)CC3)C1=O' for input: 'O=CCC1C(=O)CC3)C1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC1CCC2C(=O)C3CCC(C=O)C2C(C=O)(CCCCCC(C=O)CCC1C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 32:
[18:21:37] O)C3CCC(C=O)C2C(C=O)(CCCCCC(C=O)CCC1C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1CCC2C(=O)C3CCC(C=O)C2C(C=O)(CCCCCC(C=O)CCC1C=O' for input: 'CCC1CCC2C(=O)C3CCC(C=O)C2C(C=O)(CCCCCC(C=O)CCC1C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C12CCC3C=O)C12CCC3CCC(C=O)C1C(CCC2=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 19:
[18:21:37] CCCC(=O)C12CCC3C=O)C12CCC3CCC(C=O)C1C(CCC
[18:21:37] ~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C12CCC3C=O)C12CCC3CCC(C=O)C1C(CCC2=O)C3=O' for input: 'CCCC(=O)C12CCC3C=O)C12CCC3CCC(C=O)C1C(CCC2=O)C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(CC(C=O)C1C(CCC2=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCC(CC(C=O)C1C(CCC2=O)C3=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(CC(C=O)C1C(CCC2=O)C3=O' for input: 'CCCC(CC(C=O)C1C(CCC2=O)C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC(C=O)CCC1CO)CCN(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 30:
[18:21:37] 1(C=O)CCC(C=O)CCC1CO)CCN(C=O)C1CCC
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC(C=O)CCC1CO)CCN(C=O)C1CCC' for input: 'CCCC(=O)C1(C=O)CCC(C=O)CCC1CO)CCN(C=O)C1CCC'
[18:21:37] SMILES Parse Error: syntax error while parsing: O=CCC1C(=O)CCCC(C=O)CCC(C==O
[18:21:37] SMILES Parse Error: check for mistakes around position 27:
[18:21:37] C(=O)CCCC(C=O)CCC(C==O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=O)CCCC(C=O)CCC(C==O' for input: 'O=CCC1C(=O)CCCC(C=O)CCC(C==O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=OCC1C(=O)CCCC(C=O)CCC(C=O)CCN(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)C1(C=OCC1C(=O)CCCC(C=O)CCC(C=O)CC
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=OCC1C(=O)CCCC(C=O)CCC(C=O)CCN(C=O)C1CCC' for input: 'CCCC(=O)C1(C=OCC1C(=O)CCCC(C=O)CCC(C=O)CCN(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=C)CCC(C=O)C2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 4:
[18:21:37] O=C)CCC(C=O)C2CCC(C=O)C1C(CC)C2=O
[18:21:37] ~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=C)CCC(C=O)C2CCC(C=O)C1C(CC)C2=O' for input: 'O=C)CCC(C=O)C2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)C2CC3C(=O)C(CC)C1C(C=O)C1CCC'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)CCCC(C=O)CCC(C=O)CCN(C=O)CC32'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC(C=O)C2C)C2C(C=O)(CC3)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 27:
[18:21:37] O)C1(C=O)CCC(C=O)C2C)C2C(C=O)(CC3)C1=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC(C=O)C2C)C2C(C=O)(CC3)C1=O' for input: 'CCCC(=O)C1(C=O)CCC(C=O)C2C)C2C(C=O)(CC3)C1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC1CCC2C(=O)C3CCC(C=OCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 19:
[18:21:37] CCC1CCC2C(=O)C3CCC(C=OCC(C=O)C1C(CC)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1CCC2C(=O)C3CCC(C=OCC(C=O)C1C(CC)C2=O' for input: 'CCC1CCC2C(=O)C3CCC(C=OCC(C=O)C1C(CC)C2=O'
[18:21:37] Explicit valence for atom # 11 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)CCCC(C=O)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C12CCC3CCC(C=O)C1C(CCC2=O)CCC(C=O)CCN(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC(CCCC(C=O)C2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 19:
[18:21:37] CCCC(=O)C1(C=O)CCC(CCCC(C=O)C2CCC(C=O)C1C
[18:21:37] ~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC(CCCC(C=O)C2CCC(C=O)C1C(CC)C2=O' for input: 'CCCC(=O)C1(C=O)CCC(CCCC(C=O)C2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)=O)C2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 18:
[18:21:37] CCCC(=O)C1(C=O)=O)C2CCC(C=O)C1C(CC)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)=O)C2CCC(C=O)C1C(CC)C2=O' for input: 'CCCC(=O)C1(C=O)=O)C2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C(=O)C(CC)C1C(C=O)CC32
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)C1(C(=O)C(CC)C1C(C=O)CC32
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C(=O)C(CC)C1C(C=O)CC32' for input: 'CCCC(=O)C1(C(=O)C(CC)C1C(C=O)CC32'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)C2CC3C=O)C2CC3C(=O)C(CC)C1C(C=O)CC32
[18:21:37] SMILES Parse Error: check for mistakes around position 24:
[18:21:37] C(=O)C1(C=O)C2CC3C=O)C2CC3C(=O)C(CC)C1C(C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)C2CC3C=O)C2CC3C(=O)C(CC)C1C(C=O)CC32' for input: 'CCCC(=O)C1(C=O)C2CC3C=O)C2CC3C(=O)C(CC)C1C(C=O)CC32'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)CCCC(C=CC3)C1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CCC2C(=O)C3CCC(C=O)C2C(C=O)(O)CCC(C=O)CCN(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1)CCCC(C=O)CCC(C=O)CCN(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)C1)CCCC(C=O)CCC(C=O)CCN(C=O)C1CCC
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1)CCCC(C=O)CCC(C=O)CCN(C=O)C1CCC' for input: 'CCCC(=O)C1)CCCC(C=O)CCC(C=O)CCN(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CCC1C(=O(C=O)CCC(C=O)CCC1C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 8:
[18:21:37] O=CCC1C(=O(C=O)CCC(C=O)CCC1C=O
[18:21:37] ~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=O(C=O)CCC(C=O)CCC1C=O' for input: 'O=CCC1C(=O(C=O)CCC(C=O)CCC1C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CCC1C(=O)CCCC(C=O)CCC(C=O)CCN(C=OCC(C=O)C2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 32:
[18:21:37] CCCC(C=O)CCC(C=O)CCN(C=OCC(C=O)C2CCC(C=O)
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=O)CCCC(C=O)CCC(C=O)CCN(C=OCC(C=O)C2CCC(C=O)C1C(CC)C2=O' for input: 'O=CCC1C(=O)CCCC(C=O)CCC(C=O)CCN(C=OCC(C=O)C2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)C)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 17:
[18:21:37] CCCC(=O)C1(C=O)C)C1CCC
[18:21:37] ~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)C)C1CCC' for input: 'CCCC(=O)C1(C=O)C)C1CCC'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O))CCCC(C=O)CCC(C=O)CCN(C=O)C1CCC
[18:21:37] SMILES Parse Error: check for mistakes around position 9:
[18:21:37] CCCC(=O))CCCC(C=O)CCC(C=O)CCN(C=O)C1CCC
[18:21:37] ~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O))CCCC(C=O)CCC(C=O)CCN(C=O)C1CCC' for input: 'CCCC(=O))CCCC(C=O)CCC(C=O)CCN(C=O)C1CCC'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CCC1C(=OC1(C=O)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 8:
[18:21:37] O=CCC1C(=OC1(C=O)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] ~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=OC1(C=O)CCC2CCC(C=O)C1C(CC)C2=O' for input: 'O=CCC1C(=OC1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O=O)C2C(C=O)(CC3)C1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CCC2C(=O)C3CCC(C)C2CC3C(=O)C(CC)C1C(C=O)CC32'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCN2CCC(C=O)C1C(CC)C2CC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C3(C=O)C1C3(CC)C2=O'
[18:21:37] Explicit valence for atom # 8 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1CCC2C=O)C(CC)C1C(C=O)C3C24
[18:21:37] SMILES Parse Error: check for mistakes around position 12:
[18:21:37] CCC1CCC2C=O)C(CC)C1C(C=O)C3C24
[18:21:37] ~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1CCC2C=O)C(CC)C1C(C=O)C3C24' for input: 'CCC1CCC2C=O)C(CC)C1C(C=O)C3C24'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC(=O)C1(C=O)C2CC34C((=O)C3CCC(C=O)(C1=O)C21C(C=O)CC31
[18:21:37] SMILES Parse Error: check for mistakes around position 24:
[18:21:37] C(=O)C1(C=O)C2CC34C((=O)C3CCC(C=O)(C1=O)C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)C2CC34C((=O)C3CCC(C=O)(C1=O)C21C(C=O)CC31' for input: 'CCCC(=O)C1(C=O)C2CC34C((=O)C3CCC(C=O)(C1=O)C21C(C=O)CC31'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1CCC2C(=O)C3CCC(C=O)=O)(C1=O)C21C(C=O)CC31
[18:21:37] SMILES Parse Error: check for mistakes around position 26:
[18:21:37] CC2C(=O)C3CCC(C=O)=O)(C1=O)C21C(C=O)CC31
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1CCC2C(=O)C3CCC(C=O)=O)(C1=O)C21C(C=O)CC31' for input: 'CCC1CCC2C(=O)C3CCC(C=O)=O)(C1=O)C21C(C=O)CC31'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC1CCC2C(=O)C3CCC(CC2C(C=O)(CC3)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 19:
[18:21:37] CCC1CCC2C(=O)C3CCC(CC2C(C=O)(CC3)C1=O
[18:21:37] ~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1CCC2C(=O)C3CCC(CC2C(C=O)(CC3)C1=O' for input: 'CCC1CCC2C(=O)C3CCC(CC2C(C=O)(CC3)C1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C12CCC3CCC(CC=O)C2CC)C(C=O)CCN1C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 29:
[18:21:37] C12CCC3CCC(CC=O)C2CC)C(C=O)CCN1C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C12CCC3CCC(CC=O)C2CC)C(C=O)CCN1C=O' for input: 'CCCC(=O)C12CCC3CCC(CC=O)C2CC)C(C=O)CCN1C=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC1C(CC=O)C(=O)CCCC(C=O)CC((C=O)(CC3)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 30:
[18:21:37] =O)C(=O)CCCC(C=O)CC((C=O)(CC3)C1=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC1C(CC=O)C(=O)CCCC(C=O)CC((C=O)(CC3)C1=O' for input: 'CCCC1C(CC=O)C(=O)CCCC(C=O)CC((C=O)(CC3)C1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CCC2(O)C(=O)C3CCC(C=O)C2C(C=C=O)C2C(C=O)(CC3)C1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CCC2(O)C(=O)C3CCC(O)(CC3)C1=O'
[18:21:37] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC(C=O)CC(C)C(C=O)CCN1C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC1C(CC=O)C(=O)CCCC1C(=O)CCC(=O)CCCCCC(C=O)CCC1C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)C2CC34)C3CCC(C=O)C2C(C=O)(CC3)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 22:
[18:21:37] CCC(=O)C1(C=O)C2CC34)C3CCC(C=O)C2C(C=O)(C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)C2CC34)C3CCC(C=O)C2C(C=O)(CC3)C1=O' for input: 'CCCC(=O)C1(C=O)C2CC34)C3CCC(C=O)C2C(C=O)(CC3)C1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC1CCC2C(=OC(=O)C(CC)C1C(C=O)C3C24
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] CCC1CCC2C(=OC(=O)C(CC)C1C(C=O)C3C24
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1CCC2C(=OC(=O)C(CC)C1C(C=O)C3C24' for input: 'CCC1CCC2C(=OC(=O)C(CC)C1C(C=O)C3C24'
[18:21:37] Explicit valence for atom # 14 O, 4, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)C2CC34C(=O)C(CC)C1C(C=O)C1=O)C21C(C=O)CC31
[18:21:37] SMILES Parse Error: check for mistakes around position 44:
[18:21:37] =O)C(CC)C1C(C=O)C1=O)C21C(C=O)CC31
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)C2CC34C(=O)C(CC)C1C(C=O)C1=O)C21C(C=O)CC31' for input: 'CCCC(=O)C1(C=O)C2CC34C(=O)C(CC)C1C(C=O)C1=O)C21C(C=O)CC31'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC1CCC2C(=O)C3CCC(C=O)(C3C24
[18:21:37] SMILES Parse Error: check for mistakes around position 24:
[18:21:37] 1CCC2C(=O)C3CCC(C=O)(C3C24
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1CCC2C(=O)C3CCC(C=O)(C3C24' for input: 'CCC1CCC2C(=O)C3CCC(C=O)(C3C24'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC1C(CC=O)C(=O)CCCC(C=O)CC(C)C(C=)C2C(C=O)(CC3)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 36:
[18:21:37] O)CCCC(C=O)CC(C)C(C=)C2C(C=O)(CC3)C1=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC1C(CC=O)C(=O)CCCC(C=O)CC(C)C(C=)C2C(C=O)(CC3)C1=O' for input: 'CCCC1C(CC=O)C(=O)CCCC(C=O)CC(C)C(C=)C2C(C=O)(CC3)C1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CCC2(O)C(=O)C3CCC(C=OO)CCN1C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC1C(CC=O)C(=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CCCC1C(CC=O)C(=O
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC1C(CC=O)C(=O' for input: 'CCCC1C(CC=O)C(=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC3(C=O)C1C3(CC)C2=O)CCCC(C=O)CC(C)C(C=O)CCN1C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 41:
[18:21:37] CC3(C=O)C1C3(CC)C2=O)CCCC(C=O)CC(C)C(C=O)
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC3(C=O)C1C3(CC)C2=O)CCCC(C=O)CC(C)C(C=O)CCN1C=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC3(C=O)C1C3(CC)C2=O)CCCC(C=O)CC(C)C(C=O)CCN1C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CCC2C(=O)C3C1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CCC2(O)C(=O)C3CCC(C=O)C2C(C=O)(CC3)CCC(C=O)(C1=O)C21C(C=O)CC31'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1C3)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 13:
[18:21:37] CCCC(=O)C1C3)C1=O
[18:21:37] ~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1C3)C1=O' for input: 'CCCC(=O)C1C3)C1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C12CCC3CCC(CC=O)C2C(C=O)(C2OCC3CCC(C=O)C1C(CCC2=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 33:
[18:21:37] CC3CCC(CC=O)C2C(C=O)(C2OCC3CCC(C=O)C1C(CC
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C12CCC3CCC(CC=O)C2C(C=O)(C2OCC3CCC(C=O)C1C(CCC2=O)C3=O' for input: 'CCCC(=O)C12CCC3CCC(CC=O)C2C(C=O)(C2OCC3CCC(C=O)C1C(CCC2=O)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC1C(CC=O)C(=O)CCCC1CCC2C(=O)C3CCC(C=O)C2C(C=O)(CC3)C1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC(C=O)CC(C)C(C=O)CCN1C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCCC)C1C(C=O)C3C24
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] CCCCC)C1C(C=O)C3C24
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCCC)C1C(C=O)C3C24' for input: 'CCCCC)C1C(C=O)C3C24'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)C2CC34C(=O)C(C(=O)C1(C=O)CCC2CCC3(C=O)C1C3(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 28:
[18:21:37] )C1(C=O)C2CC34C(=O)C(C(=O)C1(C=O)CCC2CCC3
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)C2CC34C(=O)C(C(=O)C1(C=O)CCC2CCC3(C=O)C1C3(CC)C2=O' for input: 'CCCC(=O)C1(C=O)C2CC34C(=O)C(C(=O)C1(C=O)CCC2CCC3(C=O)C1C3(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(C=O)C2C(C=O)(CC3)C1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CCC2(O)C(=O)C3CCCCC2(O)C(=O)C3CCC(C=O)C2C(C=O)(CC3)C1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C12CCC3CCC(CC=O)C2C(C(C=O)(CC3)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 28:
[18:21:37] )C12CCC3CCC(CC=O)C2C(C(C=O)(CC3)C1=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C12CCC3CCC(CC=O)C2C(C(C=O)(CC3)C1=O' for input: 'CCCC(=O)C12CCC3CCC(CC=O)C2C(C(C=O)(CC3)C1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1CCC2C(=O)C3CCC(C=O)C2C=O)(CC3)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 29:
[18:21:37] C(=O)C3CCC(C=O)C2C=O)(CC3)C1=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1CCC2C(=O)C3CCC(C=O)C2C=O)(CC3)C1=O' for input: 'CCC1CCC2C(=O)C3CCC(C=O)C2C=O)(CC3)C1=O'
[18:21:37] Explicit valence for atom # 6 C, 6, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2(=O)CCCCCC(C=O)CCC1C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)CCCCCC3(C=O)C1C3(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)C(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCCCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CC2C(=O)C3CCC4CCC(C=O)(C1=O)C3CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)C2C4=O'
[18:21:37] Explicit valence for atom # 16 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C12OCC3CCCCC(CN(C=O)C1CCCC2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 21:
[18:21:37] CCCC(=O)C12OCC3CCCCC(CN(C=O)C1CCCC2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C12OCC3CCCCC(CN(C=O)C1CCCC2=O' for input: 'CCCC(=O)C12OCC3CCCCC(CN(C=O)C1CCCC2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC1C(=O)CC2CC(C=O)CC2C2CC=O)C1C(CCC2=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] )CC2CC(C=O)CC2C2CC=O)C1C(CCC2=O)C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=O)CC2CC(C=O)CC2C2CC=O)C1C(CCC2=O)C3=O' for input: 'O=CCC1C(=O)CC2CC(C=O)CC2C2CC=O)C1C(CCC2=O)C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C12CCC3CCC(C=O)(C1=O1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 24:
[18:21:37] C(=O)C12CCC3CCC(C=O)(C1=O1C(CC)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C12CCC3CCC(C=O)(C1=O1C(CC)C2=O' for input: 'CCCC(=O)C12CCC3CCC(C=O)(C1=O1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C)C2C(CC=O)CN3
[18:21:37] SMILES Parse Error: check for mistakes around position 29:
[18:21:37] C1(C=O)CCC2CCC(C=O)C)C2C(CC=O)CN3
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C)C2C(CC=O)CN3' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C)C2C(CC=O)CN3'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=OCC2=O)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C12OCC3CCCCC(C=O)C1C(C)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)CC22=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCOC(=O)C1(C=O)CCC2CCC3(C=O)C1C3(CC)CCC(C=O)CC2C2CCN(C=O)C1CCCC2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C12OCC1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C3CCCCC(C=O)C1C(CCC2=O)C3=O'
[18:21:37] Explicit valence for atom # 11 O, 5, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1CC2C(=O)C3CCC4CCC(C=O)(C1=O)CC2=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 38:
[18:21:37] 4CCC(C=O)(C1=O)CC2=O)C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1CC2C(=O)C3CCC4CCC(C=O)(C1=O)CC2=O)C3=O' for input: 'CCC1CC2C(=O)C3CCC4CCC(C=O)(C1=O)CC2=O)C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C12OCC3CCCCC(C=O)C1C(CC3C2C4=O
[18:21:37] SMILES Parse Error: check for mistakes around position 29:
[18:21:37] C12OCC3CCCCC(C=O)C1C(CC3C2C4=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C12OCC3CCCCC(C=O)C1C(CC3C2C4=O' for input: 'CCCC(=O)C12OCC3CCCCC(C=O)C1C(CC3C2C4=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCOC(=O)C1(C=O)CCC)CN3
[18:21:37] SMILES Parse Error: check for mistakes around position 19:
[18:21:37] CCOC(=O)C1(C=O)CCC)CN3
[18:21:37] ~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCOC(=O)C1(C=O)CCC)CN3' for input: 'CCOC(=O)C1(C=O)CCC)CN3'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C12CCC3CCC(C=O)(C1=O)C2C(CC=O2CCC3(C=O)C1C3(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 33:
[18:21:37] CC3CCC(C=O)(C1=O)C2C(CC=O2CCC3(C=O)C1C3(C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C12CCC3CCC(C=O)(C1=O)C2C(CC=O2CCC3(C=O)C1C3(CC)C2=O' for input: 'CCCC(=O)C12CCC3CCC(C=O)(C1=O)C2C(CC=O2CCC3(C=O)C1C3(CC)C2=O'
[18:21:37] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C12OCC3CCCCC(C=O)C1C(CCC22=O
[18:21:37] SMILES Parse Error: check for mistakes around position 29:
[18:21:37] C12OCC3CCCCC(C=O)C1C(CCC22=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C12OCC3CCCCC(C=O)C1C(CCC22=O' for input: 'CCCC(=O)C12OCC3CCCCC(C=O)C1C(CCC22=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCOC(=O)C1(C=O)CCC2CCC3(C=O)C1C3(CC)C=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 40:
[18:21:37] CCC3(C=O)C1C3(CC)C=O)C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCOC(=O)C1(C=O)CCC2CCC3(C=O)C1C3(CC)C=O)C3=O' for input: 'CCOC(=O)C1(C=O)CCC2CCC3(C=O)C1C3(CC)C=O)C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1CC2C(=O)C3CCC4CCC(C=O)(C1=O)C=O)CC31
[18:21:37] SMILES Parse Error: check for mistakes around position 36:
[18:21:37] CC4CCC(C=O)(C1=O)C=O)CC31
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1CC2C(=O)C3CCC4CCC(C=O)(C1=O)C=O)CC31' for input: 'CCC1CC2C(=O)C3CCC4CCC(C=O)(C1=O)C=O)CC31'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC1CCC2CC3CCC(C=O)(C1=O)C21C(C3C2C4=O
[18:21:37] SMILES Parse Error: check for mistakes around position 30:
[18:21:37] C3CCC(C=O)(C1=O)C21C(C3C2C4=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1CCC2CC3CCC(C=O)(C1=O)C21C(C3C2C4=O' for input: 'CCC1CCC2CC3CCC(C=O)(C1=O)C21C(C3C2C4=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C12OCC3CCCCC(C=O)C1C(CCC2O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC(=O)C1(C==O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CCCC(=O)C1(C==O)C3=O
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C==O)C3=O' for input: 'CCCC(=O)C1(C==O)C3=O'
[18:21:37] Explicit valence for atom # 16 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CCC1C(=O)CCC(=O)CCCCCC(C=O(C=O)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 25:
[18:21:37] C1C(=O)CCC(=O)CCCCCC(C=O(C=O)CCC2CCC(C=O)
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=O)CCC(=O)CCCCCC(C=O(C=O)CCC2CCC(C=O)C1C(CC)C2=O' for input: 'O=CCC1C(=O)CCC(=O)CCCCCC(C=O(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1)CCC1C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)C1)CCC1C=O
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1)CCC1C=O' for input: 'CCCC(=O)C1)CCC1C=O'
[18:21:37] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 43:
[18:21:37] CCCC(=O)C1CC=O)CCN2C)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C)C2=O' for input: 'CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC=O
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] (C=O)CCC2CCC(C=O)C1C(CC=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCO)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCO)CCN2C=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCO)CCN2C=O' for input: 'CCCO)CCN2C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C1CC=C(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C1CC=C(=O)C
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C1CC=C(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O' for input: 'CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C1CC=C(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] Explicit valence for atom # 11 O, 3, is greater than permitted
[18:21:37] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)CC2CC(C=O)CC23C2CN(C=O)CCCC(C=O)(C1=O)C3C2C4=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CC2C(=O)C3CCC41CCCC(=O)C23'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C12OCC3CCCCC(C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 21:
[18:21:37] CCCC(=O)C12OCC3CCCCC(C(=O)C(CCC(C=O)CCCC(
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C12OCC3CCCCC(C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C=O' for input: 'CCCC(=O)C12OCC3CCCCC(C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC1=O)C2C(CC=O)CN3
[18:21:37] SMILES Parse Error: check for mistakes around position 12:
[18:21:37] CC12CCCC1=O)C2C(CC=O)CN3
[18:21:37] ~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC1=O)C2C(CC=O)CN3' for input: 'CC12CCCC1=O)C2C(CC=O)CN3'
[18:21:37] Explicit valence for atom # 15 O, 5, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 41:
[18:21:37] CC(C=O)C1C(CC)C1CC=O)CCN2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C1CC=O)CCN2C=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C2=O
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C2=O' for input: 'CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC12C(=O)C1CCCC4CCC(C=O)(C1=O)C3C2C4=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CC2C(=O)C3C(=O)CCCCCC(C=O)CCC2C=O'
[18:21:37] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)CC2CC(C=O)CC23C2CN(C=O)C1CCCC(=O)CC2C(=O)C3CCC4CCC(C=O)(C1=O)C3C2C4=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C23'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC(C=O)CCCC(O)C12OCC3CCCCC(C1=O)C2C(CC=O)CN3
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC(C=O)CCCC(O)C12OCC3CCCCC
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC(C=O)CCCC(O)C12OCC3CCCCC(C1=O)C2C(CC=O)CN3' for input: 'CC12CCCC(=O)C(CCC(C=O)CCCC(O)C12OCC3CCCCC(C1=O)C2C(CC=O)CN3'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC(==O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] CCCC(==O)C1CC=O)CCN2C=O
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(==O)C1CC=O)CCN2C=O' for input: 'CCCC(==O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C12OCC3CCCCC(C1=O)C2C(CC=O)CCCC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 50:
[18:21:37] (CC=O)CCCC(=O)C1CC=O)CCN2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C12OCC3CCCCC(C1=O)C2C(CC=O)CCCC(=O)C1CC=O)CCN2C=O' for input: 'CCCC(=O)C12OCC3CCCCC(C1=O)C2C(CC=O)CCCC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC(C=O)CN3
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC(C=O)CN3
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC(C=O)CN3' for input: 'CC12CCCC(=O)C(CCC(C=O)CN3'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C1CCCC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC(C=O)CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)CC2CC(C=O)CC23C2CN(C=O)C1CCCC(C=O)CCC2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC12C(=O)C1CC(=O)CCCCCC(=O)C23'
[18:21:37] Explicit valence for atom # 11 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1CC2C(=O)C3CCC4CCC(C=O))C1(C=O)CCC2CCC3(C=O)C1C3(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 27:
[18:21:37] 2C(=O)C3CCC4CCC(C=O))C1(C=O)CCC2CCC3(C=O)
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1CC2C(=O)C3CCC4CCC(C=O))C1(C=O)CCC2CCC3(C=O)C1C3(CC)C2=O' for input: 'CCC1CC2C(=O)C3CCC4CCC(C=O))C1(C=O)CCC2CCC3(C=O)C1C3(CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCOC(=O(C1=O)C3C2C4=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCOC(=O(C1=O)C3C2C4=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCOC(=O(C1=O)C3C2C4=O' for input: 'CCOC(=O(C1=O)C3C2C4=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC(C=O)CCCCCC(C=O)CCC1C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC(C=O)CCCCCC(C=O)CCC1C=O
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC(C=O)CCCCCC(C=O)CCC1C=O' for input: 'CC12CCCC(=O)C(CCC(C=O)CCCCCC(C=O)CCC1C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC1C(=O)CCC(=O)CCCC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 33:
[18:21:37] CC(=O)CCCC(=O)C1CC=O)CCN2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=O)CCC(=O)CCCC(=O)C1CC=O)CCN2C=O' for input: 'O=CCC1C(=O)CCC(=O)CCCC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: O=CCC1C(=O)CC2CC(C=(=O)C1CC(=O)CCCCCC(C=O)CCC2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 20:
[18:21:37] O=CCC1C(=O)CC2CC(C=(=O)C1CC(=O)CCCCCC(C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=O)CC2CC(C=(=O)C1CC(=O)CCCCCC(C=O)CCC2C=O' for input: 'O=CCC1C(=O)CC2CC(C=(=O)C1CC(=O)CCCCCC(C=O)CCC2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC12CO)CC23C2CN(C=O)C1CCCC(=O)C23
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] O=CCC12CO)CC23C2CN(C=O)C1CCCC(=O)C23
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12CO)CC23C2CN(C=O)C1CCCC(=O)C23' for input: 'O=CCC12CO)CC23C2CN(C=O)C1CCCC(=O)C23'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C12OCC3CCC(C)C1C1(C(C12CCC3CCC(C=O)(C=O)C1C(CCC2=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 26:
[18:21:37] =O)C12OCC3CCC(C)C1C1(C(C12CCC3CCC(C=O)(C=
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C12OCC3CCC(C)C1C1(C(C12CCC3CCC(C=O)(C=O)C1C(CCC2=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 28:
[18:21:37] )C12OCC3CCC(C)C1C1(C(C12CCC3CCC(C=O)(C=O)
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C12OCC3CCC(C)C1C1(C(C12CCC3CCC(C=O)(C=O)C1C(CCC2=O)C3=O' for input: 'CCCC(=O)C12OCC3CCC(C)C1C1(C(C12CCC3CCC(C=O)(C=O)C1C(CCC2=O)C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)=O)C1C3)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)=O)C1C3)C2=O
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)=O)C1C3)C2=O' for input: 'CCCC(=O)=O)C1C3)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC12C(=O)C1CC(=O)CCC2C(CC=O)CN3'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C12OCC3CCCCC(C1=O)CCCC(C=O)CCC2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CC2C(=O)C3CCCCC(=O)C23'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)CC2CC(C=O)CC23C2CN(C=O)C1CC4CCC(C=O)(C1=O)C3C2C4=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(C=O)CN3'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C12OCC3CCCCC(C1=O)C2C(CCCC(C=O)CCCC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)CC2C2CCCC(C=O)CCC2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC12C(=O)C1CC(=O)CCCCN(C=O)C1CCCC2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC(C=O)3CCCCC(C1=O)C2C(CC=O)CN3
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC(C=O)3CCCCC(C1=O)C2C(CC=
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC(C=O)3CCCCC(C1=O)C2C(CC=O)CN3' for input: 'CC12CCCC(=O)C(CCC(C=O)3CCCCC(C1=O)C2C(CC=O)CN3'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C12OCCCCCC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 29:
[18:21:37] C12OCCCCCC(=O)C1CC=O)CCN2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C12OCCCCCC(=O)C1CC=O)CCN2C=O' for input: 'CCCC(=O)C12OCCCCCC(=O)C1CC=O)CCN2C=O'
[18:21:37] Explicit valence for atom # 22 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CC2C(=O)C3CCC4CCC(C=O)(C1=O)C3C2CC(=O)C12OCC3CCCCC(C1=O)C2C(CC=O)CN3'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC4=O'
[18:21:37] Explicit valence for atom # 11 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC12C(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 19:
[18:21:37] O=CCC12C(=O)C1CC=O)CCN2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=O)C1CC=O)CCN2C=O' for input: 'O=CCC12C(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C13CC(=O)CCCCCC(C=O)CCC23C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C13CC(=O)CC
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C13CC(=O)CCCCCC(C=O)CCC23C=O' for input: 'CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C13CC(=O)CCCCCC(C=O)CCC23C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC(C=O)CCCCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC(C=O)CCCCCC1=O
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC(C=O)CCCCCC1=O' for input: 'CC12CCCC(=O)C(CCC(C=O)CCCCCC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2OC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 48:
[18:21:37] N(C=O)C2OC(=O)C1CC=O)CCN2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2OC(=O)C1CC=O)CCN2C=O' for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2OC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC(C=O)CCC(CCC(C=O)CCCC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC(C=O)CCC(CCC(C=O)CCCC(=O
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC(C=O)CCC(CCC(C=O)CCCC(=O)C1CC=O)CCN2C=O' for input: 'CC12CCCC(=O)C(CCC(C=O)CCC(CCC(C=O)CCCC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)CC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 25:
[18:21:37] CCCC(=O)CC(=O)C1CC=O)CCN2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)CC(=O)C1CC=O)CCN2C=O' for input: 'CC12CCCC(=O)CC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC(=O)C1(C=O)CCC2CCC()C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 24:
[18:21:37] C(=O)C1(C=O)CCC2CCC()C1CC=O)CCN2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC()C1CC=O)CCN2C=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC()C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC(C=O)CCCC(=OC=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC(C=O)CCCC(=OC=O)C1C(CC)C
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC(C=O)CCCC(=OC=O)C1C(CC)C2=O' for input: 'CC12CCCC(=O)C(CCC(C=O)CCCC(=OC=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2CC(=O)CCCCCC(C=O)CCC2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC12C(=O)C1CCNC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C)C1CC(=O)CCCCCC(C=O)CCC2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 35:
[18:21:37] CCC=O)CC1C1CCN(C=O)C)C1CC(=O)CCCCCC(C=O)C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C)C1CC(=O)CCCCCC(C=O)CCC2=O' for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C)C1CC(=O)CCCCCC(C=O)CCC2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CCC12C(=O2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 9:
[18:21:37] O=CCC12C(=O2OCCC1=O
[18:21:37] ~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=O2OCCC1=O' for input: 'O=CCC12C(=O2OCCC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C)C13CC(=O)CCCCCC(C=O)CCC23C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] CCCC(=O)C)C13CC(=O)CCCCCC(C=O)CCC23C=O
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C)C13CC(=O)CCCCCC(C=O)CCC23C=O' for input: 'CCCC(=O)C)C13CC(=O)CCCCCC(C=O)CCC23C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CCC12C(=O1(C=O)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 9:
[18:21:37] O=CCC12C(=O1(C=O)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] ~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=O1(C=O)CCC2CCC(C=O)C1C(CC)C2=O' for input: 'O=CCC12C(=O1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CC2C(=O)C3CCC4CCC(C=CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C1O)(C1=O)C3C2C4=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CC=O)C3CCC4CCC(C=O)(C1=O)C3C2C4=O
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] O=CC=O)C3CCC4CCC(C=O)(C1=O)C3C2C4=O
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CC=O)C3CCC4CCC(C=O)(C1=O)C3C2C4=O' for input: 'O=CC=O)C3CCC4CCC(C=O)(C1=O)C3C2C4=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC1CC2C(C12C(=O)C1CC(=O)CCCCCC(C=O)CCC2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 9:
[18:21:37] CCC1CC2C(C12C(=O)C1CC(=O)CCCCCC(C=O)CCC2=
[18:21:37] ~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1CC2C(C12C(=O)C1CC(=O)CCCCCC(C=O)CCC2=O' for input: 'CCC1CC2C(C12C(=O)C1CC(=O)CCCCCC(C=O)CCC2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CC2C(=O)C3CCCCCCC2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)CC2C2CCN(C=O)C14CCC(C=O)(C1=O)C3C2C4=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC1CC2C(=O)C3CCC4CCC(C=O)((CCC=O)CC1C1CCN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 28:
[18:21:37] C(=O)C3CCC4CCC(C=O)((CCC=O)CC1C1CCN(C=O)C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1CC2C(=O)C3CCC4CCC(C=O)((CCC=O)CC1C1CCN(C=O)C2OCCC1=O' for input: 'CCC1CC2C(=O)C3CCC4CCC(C=O)((CCC=O)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)CC1=O)C3C2C4=O
[18:21:37] SMILES Parse Error: check for mistakes around position 18:
[18:21:37] CC12CCCC(=O)CC1=O)C3C2C4=O
[18:21:37] ~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)CC1=O)C3C2C4=O' for input: 'CC12CCCC(=O)CC1=O)C3C2C4=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC12CCCC(=O)C((CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 15:
[18:21:37] CC12CCCC(=O)C((CC)C2=O
[18:21:37] ~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C((CC)C2=O' for input: 'CC12CCCC(=O)C((CC)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1CCCC=O)CC1C1CCN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 36:
[18:21:37] CCC2CCC(C=O)C1CCCC=O)CC1C1CCN(C=O)C2OCCC1
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1CCCC=O)CC1C1CCN(C=O)C2OCCC1=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1CCCC=O)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCN2C=O'
[18:21:37] SMILES Parse Error: ring closure 1 duplicates bond between atom 32 and atom 33 for input: 'CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCC(=O)C(CCC=O)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC12C(=O)C1CC(=O)CCCCCC(C=O)=O)C3CCC4CCC(C=O)(C1=O)C3C2C4=O
[18:21:37] SMILES Parse Error: check for mistakes around position 34:
[18:21:37] 1CC(=O)CCCCCC(C=O)=O)C3CCC4CCC(C=O)(C1=O)
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=O)C1CC(=O)CCCCCC(C=O)=O)C3CCC4CCC(C=O)(C1=O)C3C2C4=O' for input: 'O=CCC12C(=O)C1CC(=O)CCCCCC(C=O)=O)C3CCC4CCC(C=O)(C1=O)C3C2C4=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC1CC2C(CCC2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 9:
[18:21:37] CCC1CC2C(CCC2C=O
[18:21:37] ~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1CC2C(CCC2C=O' for input: 'CCC1CC2C(CCC2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC12C(=O)C1CC(=O)CCCCCCC1=O)C3C2C4=O
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] O)C1CC(=O)CCCCCCC1=O)C3C2C4=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=O)C1CC(=O)CCCCCCC1=O)C3C2C4=O' for input: 'O=CCC12C(=O)C1CC(=O)CCCCCCC1=O)C3C2C4=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC1CC2C(=O)C3CCC4CCC(C=O)((C=O)CCC2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 28:
[18:21:37] C(=O)C3CCC4CCC(C=O)((C=O)CCC2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1CC2C(=O)C3CCC4CCC(C=O)((C=O)CCC2C=O' for input: 'CCC1CC2C(=O)C3CCC4CCC(C=O)((C=O)CCC2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CC2C(=O)C3CCC4CCC=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCCN(C=O)C1CCCC2(C=O)(C1=O)C3C2C4=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC1CC2C((CCC=O)CC1C1CCN(C=O)C2CCNC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] CCC1CC2C((CCC=O)CC1C1CCN(C=O)C2CCNC1=O
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1CC2C((CCC=O)CC1C1CCN(C=O)C2CCNC1=O' for input: 'CCC1CC2C((CCC=O)CC1C1CCN(C=O)C2CCNC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C=O)C3CCC4CCC(C=O)(C1=O)C3C2C4=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CC12CCCC(=O)C=O)C3CCC4CCC(C=O)(C1=O)C3C2C
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C=O)C3CCC4CCC(C=O)(C1=O)C3C2C4=O' for input: 'CC12CCCC(=O)C=O)C3CCC4CCC(C=O)(C1=O)C3C2C4=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2OCCCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)CC2C2CCN(C=O)CCC3C1CC(=O)CCCCCC(C=O)CCC2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC12C(=O)(C=O)C1C3(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCC(C=O)CCC2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC12C(=O)C1CC(=O)CCCCCCC(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: ring closure 1 duplicates bond between atom 1 and atom 2 for input: 'CC1C1=O'
[18:21:37] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC12C(=O)C13CC(=O)CCCCCC(C=O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC12C(=O)C1CC(=O)CCCCCC(C=O)CCCCC23C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2CC12C(=O)C1CC(=O)CCCCCC(C=O)CCC2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCCNC1=O'
[18:21:37] Explicit valence for atom # 19 N, 4, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC12C(=O)C1CC(=O)CCCCCC(C=OC=O)CCCC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 49:
[18:21:37] =OC=O)CCCC(=O)C1CC=O)CCN2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=O)C1CC(=O)CCCCCC(C=OC=O)CCCC(=O)C1CC=O)CCN2C=O' for input: 'O=CCC12C(=O)C1CC(=O)CCCCCC(C=OC=O)CCCC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC12CCCC(=O)C(CCC()CCC2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 19:
[18:21:37] CC12CCCC(=O)C(CCC()CCC2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC()CCC2C=O' for input: 'CC12CCCC(=O)C(CCC()CCC2C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CCC12C(=O)C1CC(C(=O)CCCCCC(C=O)CCC2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 17:
[18:21:37] O=CCC12C(=O)C1CC(C(=O)CCCCCC(C=O)CCC2C=O
[18:21:37] ~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=O)C1CC(C(=O)CCCCCC(C=O)CCC2C=O' for input: 'O=CCC12C(=O)C1CC(C(=O)CCCCCC(C=O)CCC2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC12C(=O)C1C=O)CCCCCC(C=O)CCC2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 18:
[18:21:37] O=CCC12C(=O)C1C=O)CCCCCC(C=O)CCC2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=O)C1C=O)CCCCCC(C=O)CCC2C=O' for input: 'O=CCC12C(=O)C1C=O)CCCCCC(C=O)CCC2C=O'
[18:21:37] Explicit valence for atom # 17 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCC(C=O)CCC2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC12C(=O)C1CC(=O)CCCCCCC(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CC2C(=O)C3CCC4CCC(C=O)(C1=O)C3C2C4CC2C2CCN(C=O)CCC3(C=O)C1C3(CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CCC12C(=O)C1CC(=O)CCCCCC(C12C(=O)C1CC(=O)CCCCCC(C=O)CCC2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 27:
[18:21:37] 2C(=O)C1CC(=O)CCCCCC(C12C(=O)C1CC(=O)CCCC
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=O)C1CC(=O)CCCCCC(C12C(=O)C1CC(=O)CCCCCC(C=O)CCC2C=O' for input: 'O=CCC12C(=O)C1CC(=O)CCCCCC(C12C(=O)C1CC(=O)CCCCCC(C=O)CCC2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC=O)CCC2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 8:
[18:21:37] O=CCC=O)CCC2C=O
[18:21:37] ~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC=O)CCC2C=O' for input: 'O=CCC=O)CCC2C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CCC12C(=O)C1CC(=O)CCCCCC(C2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 27:
[18:21:37] 2C(=O)C1CC(=O)CCCCCC(C2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=O)C1CC(=O)CCCCCC(C2C=O' for input: 'O=CCC12C(=O)C1CC(=O)CCCCCC(C2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC12C(=O)C1CC(=O)CCCCCC(C=O)CCC=O)CCC2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 37:
[18:21:37] (=O)CCCCCC(C=O)CCC=O)CCC2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=O)C1CC(=O)CCCCCC(C=O)CCC=O)CCC2=O' for input: 'O=CCC12C(=O)C1CC(=O)CCCCCC(C=O)CCC=O)CCC2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)C(CCC=O)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCC2C(=O)C13CC(=O)CCCCCC(C=O)CCC23C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC12C(=O)C1CC(=O)CCCCCC(C=O)CCCCCC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 48:
[18:21:37] C=O)CCCCCC(=O)C1CC=O)CCN2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=O)C1CC(=O)CCCCCC(C=O)CCCCCC(=O)C1CC=O)CCN2C=O' for input: 'O=CCC12C(=O)C1CC(=O)CCCCCC(C=O)CCCCCC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC(C=O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC(C=O)C2=O
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC(C=O)C2=O' for input: 'CC12CCCC(=O)C(CCC(C=O)C2=O'
[18:21:37] SMILES Parse Error: ring closure 1 duplicates bond between atom 23 and atom 24 for input: 'O=CCC12C(=O)C1CC(=O)CCCCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2CCNC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(C=O)CCC2C=O'
[18:21:37] Explicit valence for atom # 25 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC1CC2C(==O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCC1CC2C(==O
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1CC2C(==O' for input: 'CCC1CC2C(==O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1CC2C(=O)C3CCC4CCC(C=O)(C1=O)C3C2C4O)C3CCC4CCC(C=O)(C1=O)C3C2C4=O
[18:21:37] SMILES Parse Error: check for mistakes around position 40:
[18:21:37] CC(C=O)(C1=O)C3C2C4O)C3CCC4CCC(C=O)(C1=O)
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1CC2C(=O)C3CCC4CCC(C=O)(C1=O)C3C2C4O)C3CCC4CCC(C=O)(C1=O)C3C2C4=O' for input: 'CCC1CC2C(=O)C3CCC4CCC(C=O)(C1=O)C3C2C4O)C3CCC4CCC(C=O)(C1=O)C3C2C4=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)CC2C2CCN(CCC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(=O)C1CCCC2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC(=O)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] O=CCC(=O)C1CC=O)CCN2C3=O
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC(=O)C1CC=O)CCN2C3=O' for input: 'O=CCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCC3C(=O)C(CCC(C=O)CCCC12C(=O)C1CC(=O)CCC1CCC(C=O)CCC2C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 15:
[18:21:37] CC12CCC3C(=O)C(CCC(C=O)CCCC12C(=O)C1CC(=O
[18:21:37] ~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCC3C(=O)C(CCC(C=O)CCCC12C(=O)C1CC(=O)CCC1CCC(C=O)CCC2C1=O' for input: 'CC12CCC3C(=O)C(CCC(C=O)CCCC12C(=O)C1CC(=O)CCC1CCC(C=O)CCC2C1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC(C=O)CCCC(=O)CC1CCC2(C=O)CCCCCC(=O)CC3C(=O)C13CC2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC(C=O)CCCC(=O)CC1CCC2(C=O
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC(C=O)CCCC(=O)CC1CCC2(C=O)CCCCCC(=O)CC3C(=O)C13CC2=O' for input: 'CC12CCCC(=O)C(CCC(C=O)CCCC(=O)CC1CCC2(C=O)CCCCCC(=O)CC3C(=O)C13CC2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 9:
[18:21:37] O=C1CC=O)CCN2C=O
[18:21:37] ~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=C1CC=O)CCN2C=O' for input: 'O=C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC12C(=CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C1O)C1CC(=O)CCC1CCC(C=O)CCC2C1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC(C=O)CC(C=O)CCC2C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC(C=O)CC(C=O)CCC2C1=O
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC(C=O)CC(C=O)CCC2C1=O' for input: 'CC12CCCC(=O)C(CCC(C=O)CC(C=O)CCC2C1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC12C(=O)C1CC(=O)CCC1CCCCC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 40:
[18:21:37] )CCC1CCCCC(=O)C1CC=O)CCN2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=O)C1CC(=O)CCC1CCCCC(=O)C1CC=O)CCN2C=O' for input: 'O=CCC12C(=O)C1CC(=O)CCC1CCCCC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O))CCC2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 13:
[18:21:37] CC12CCCC(=O))CCC2=O
[18:21:37] ~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O))CCC2=O' for input: 'CC12CCCC(=O))CCC2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CCC12C(=O)C1CC(=O)CCCCCC(C=OC(CCC=O)CC1C1CCN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 27:
[18:21:37] 2C(=O)C1CC(=O)CCCCCC(C=OC(CCC=O)CC1C1CCN(
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=O)C1CC(=O)CCCCCC(C=OC(CCC=O)CC1C1CCN(C=O)C2OCCC1=O' for input: 'O=CCC12C(=O)C1CC(=O)CCCCCC(C=OC(CCC=O)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C3(CCC(C=O)CC3CC(=CC=O)C3C4CC(C(=O)NCCC1N4C=O)C32
[18:21:37] SMILES Parse Error: check for mistakes around position 15:
[18:21:37] CC12CCCC(=O)C3(CCC(C=O)CC3CC(=CC=O)C3C4CC
[18:21:37] ~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C3(CCC(C=O)CC3CC(=CC=O)C3C4CC(C(=O)NCCC1N4C=O)C32' for input: 'CC12CCCC(=O)C3(CCC(C=O)CC3CC(=CC=O)C3C4CC(C(=O)NCCC1N4C=O)C32'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CO)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 24:
[18:21:37] 2CCCC(=O)C(CO)C1CC=O)CCN2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CO)C1CC=O)CCN2C=O' for input: 'CC12CCCC(=O)C(CO)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC12C(=O)C1CC(=O)C1CCC2(C=O)CCCCCC(=O)CC3C(=O)C13CC2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCCC1CCC(C=O)CCC2C1=O'
[18:21:37] Explicit valence for atom # 17 N, 4, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C3(CC)C(C3(C)CCCC2=O)C15C4=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1C2(CCC=O)CC3C4CCN(C=O)CCC5(C=OC(C=O)CC3CC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC3C(=O)C13CC2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CC1CCC2(C=O)CCCCCC(=O)C12CCCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1N2C=O'
[18:21:37] SMILES Parse Error: ring closure 1 duplicates bond between atom 35 and atom 36 for input: 'CC12CCCC(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CC2CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1C2(CCC=O)CC3C4CCN(C=O)CCC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] O)CC3C4CCN(C=O)CCC=O)CCN2C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1C2(CCC=O)CC3C4CCN(C=O)CCC=O)CCN2C3=O' for input: 'CC1C2(CCC=O)CC3C4CCN(C=O)CCC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC5(C=O)C(C3(C)CCCC2=O)C15C4=O
[18:21:37] SMILES Parse Error: check for mistakes around position 15:
[18:21:37] CC12CCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC5(C=O)
[18:21:37] ~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC5(C=O)C(C3(C)CCCC2=O)C15C4=O' for input: 'CC12CCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC5(C=O)C(C3(C)CCCC2=O)C15C4=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CCC12C(=O)C1CC(=O)CCCCCC(C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 27:
[18:21:37] 2C(=O)C1CC(=O)CCCCCC(C(=O)C(CCC(C=O)CCCC(
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=O)C1CC(=O)CCCCCC(C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C=O' for input: 'O=CCC12C(=O)C1CC(=O)CCCCCC(C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC=O)CCC2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CC12CCCC=O)CCC2=O
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC=O)CCC2=O' for input: 'CC12CCCC=O)CCC2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC12C(C3(C)CCCC2=O)C15C4=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1C2(CCC=O)CC3C4CCN(C=O)CCC5(C=O)C(=O)C1CC(=O)CCCCCC(C=O)CCC2=O'
[18:21:37] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 25:
[18:21:37] CCCC(=O)C(CCC=O)CC=O)C2OCCC1=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC=O)C2OCCC1=O' for input: 'CC12CCCC(=O)C(CCC=O)CC=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1C1CCN(C1C1CCN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 29:
[18:21:37] (=O)C(CCC=O)CC1C1CCN(C1C1CCN(C=O)C2OCCC1=
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(C1C1CCN(C=O)C2OCCC1=O' for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(C1C1CCN(C=O)C2OCCC1=O'
[18:21:37] Explicit valence for atom # 21 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC(C=O)CCCCCC(=O)CC3C(=O)C13CC2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC(C=O)CCCCCC(=O)CC3C(=O)C
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC(C=O)CCCCCC(=O)CC3C(=O)C13CC2=O' for input: 'CC12CCCC(=O)C(CCC(C=O)CCCCCC(=O)CC3C(=O)C13CC2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CC1CCC2(C=O)CCCC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 29:
[18:21:37] 2(C=O)CCCC(=O)C1CC=O)CCN2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CC1CCC2(C=O)CCCC(=O)C1CC=O)CCN2C=O' for input: 'O=CC1CCC2(C=O)CCCC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)C3C42=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)CCC(C(=O)NCCC1N4C=O)C32'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1C2(CCC=O)CC3C4CCN(C=O)CCC5(C=O)C(C3(C)CCCC2=O))C3C4CC(C(=O)NCCC1N4C=O)C32
[18:21:37] SMILES Parse Error: check for mistakes around position 50:
[18:21:37] (C=O)C(C3(C)CCCC2=O))C3C4CC(C(=O)NCCC1N4C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1C2(CCC=O)CC3C4CCN(C=O)CCC5(C=O)C(C3(C)CCCC2=O))C3C4CC(C(=O)NCCC1N4C=O)C32' for input: 'CC1C2(CCC=O)CC3C4CCN(C=O)CCC5(C=O)C(C3(C)CCCC2=O))C3C4CC(C(=O)NCCC1N4C=O)C32'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC=OC15C4=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC=OC15C4=O
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=OC15C4=O' for input: 'CC12CCCC(=O)C(CCC=OC15C4=O'
[18:21:37] Explicit valence for atom # 9 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCC(=O)C3(CCC(C=O)CC3CC(=O)C1CCCC12C(=O)C1CC(=O)CCC1CCC(C=O)CCC2C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCC(=O)C3(CCC(C=O)CC3CC(=O)C1CCCC12C(
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCC(=O)C3(CCC(C=O)CC3CC(=O)C1CCCC12C(=O)C1CC(=O)CCC1CCC(C=O)CCC2C1=O' for input: 'CC12CCC(=O)C3(CCC(C=O)CC3CC(=O)C1CCCC12C(=O)C1CC(=O)CCC1CCC(C=O)CCC2C1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=C=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] O=C=O)CCN2C=O
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=C=O)CCN2C=O' for input: 'O=C=O)CCN2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=OC=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC(=O)C1()C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 12:
[18:21:37] CCCC(=O)C1()C1C(CC)C2=O
[18:21:37] ~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1()C1C(CC)C2=O' for input: 'CCCC(=O)C1()C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: ring closure 3 duplicates bond between atom 22 and atom 24 for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1C2(CCC=O)CC3C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC12C(=O)C1CC(=O)CCC1CCC(C=O)CCC2C1CCCC(C=O)CCC2C1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC12C(=O)C1CC(=O)CCC1C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] CC12C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O' for input: 'CC12C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC1C2(CCC=O)CC3C4CC5C(CCC3(CCCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 22:
[18:21:37] C1C2(CCC=O)CC3C4CC5C(CCC3(CCCC(=O)C3(CCC(
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC1C2(CCC=O)CC3C4CC5C(CCC3(CCCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 27:
[18:21:37] CCC=O)CC3C4CC5C(CCC3(CCCC(=O)C3(CCC(C=O)C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1C2(CCC=O)CC3C4CC5C(CCC3(CCCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)CCN2C=O' for input: 'CC1C2(CCC=O)CC3C4CC5C(CCC3(CCCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC=O)CCCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 27:
[18:21:37] CC(=O)C(CCC=O)CCCC=O)CC3C4CC5C(CCC3(C)C3C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CCCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O' for input: 'CC12CCCC(=O)C(CCC=O)CCCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC1C2(C1C1CCN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] CC1C2(C1C1CCN(C=O)C2OCCC1=O
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1C2(C1C1CCN(C=O)C2OCCC1=O' for input: 'CC1C2(C1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CC=O)CCC1CCCCC(C=O)CCC2C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 24:
[18:21:37] C(=O)C1(C=O)CCC2CC=O)CCC1CCCCC(C=O)CCC2C1
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CC=O)CCC1CCCCC(C=O)CCC2C1=O' for input: 'CCCC(=O)C1(C=O)CCC2CC=O)CCC1CCCCC(C=O)CCC2C1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CCC12C(=O)C1CC(C(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 17:
[18:21:37] O=CCC12C(=O)C1CC(C(C=O)C1C(CC)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=O)C1CC(C(C=O)C1C(CC)C2=O' for input: 'O=CCC12C(=O)C1CC(C(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)C3C4CC(C(=O)NCCC4=O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C1N4C=O)C32'
[18:21:37] Explicit valence for atom # 6 N, 4, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 3:
[18:21:37] CC)C1C(CC)C2=O
[18:21:37] ~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC)C1C(CC)C2=O' for input: 'CC)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O12CCCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 23:
[18:21:37] CC(=O)C1(C=O)CCC2CCC(C=O12CCCC(=O)C3(CCC(
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O12CCCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)CCN2C=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O12CCCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)CCN2C=O'
[18:21:37] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: ring closure 1 duplicates bond between atom 6 and atom 7 for input: 'CCCC(=O)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C3CCC(=O)C34C3CC(C(C(=O)C1CC(=O)CCC1CCC(C=O)CCC2C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 29:
[18:21:37] (=O)C3CCC(=O)C34C3CC(C(C(=O)C1CC(=O)CCC1C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C3CCC(=O)C34C3CC(C(C(=O)C1CC(=O)CCC1CCC(C=O)CCC2C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] O)C3CCC(=O)C34C3CC(C(C(=O)C1CC(=O)CCC1CCC
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C3CCC(=O)C34C3CC(C(C(=O)C1CC(=O)CCC1CCC(C=O)CCC2C1=O' for input: 'CC12CCCC(=O)C3CCC(=O)C34C3CC(C(C(=O)C1CC(=O)CCC1CCC(C=O)CCC2C1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC12=O)NCCC1N3C=O)C24
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] O=CCC12=O)NCCC1N3C=O)C24
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12=O)NCCC1N3C=O)C24' for input: 'O=CCC12=O)NCCC1N3C=O)C24'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C3CCC(=O)C34C3CC(C(=O)NCCC1CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 29:
[18:21:37] (=O)C3CCC(=O)C34C3CC(C(=O)NCCC1CCN2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C3CCC(=O)C34C3CC(C(=O)NCCC1CCN2C=O' for input: 'CC12CCCC(=O)C3CCC(=O)C34C3CC(C(=O)NCCC1CCN2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)N3C=O)C24
[18:21:37] SMILES Parse Error: check for mistakes around position 44:
[18:21:37] C3CC(=O)C1CC=O)N3C=O)C24
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)N3C=O)C24' for input: 'CC12CCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)N3C=O)C24'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C3(CCC(C=O)CC3CC1CCCCC(C=O)CCC2C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 15:
[18:21:37] CC12CCCC(=O)C3(CCC(C=O)CC3CC1CCCCC(C=O)CC
[18:21:37] ~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C3(CCC(C=O)CC3CC1CCCCC(C=O)CCC2C1=O' for input: 'CC12CCCC(=O)C3(CCC(C=O)CC3CC1CCCCC(C=O)CCC2C1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC12C(=O)C1CC(=O)CCC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 34:
[18:21:37] 1CC(=O)CCC(=O)C1CC=O)CCN2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=O)C1CC(=O)CCC(=O)C1CC=O)CCN2C=O' for input: 'O=CCC12C(=O)C1CC(=O)CCC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC12C(=O)C1CC(=O)CCC1CCCCC(C=O)CCC2C3C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC3CC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCC(=O)C3(CCC(C=O)CC=O)CCN2C3=O'
[18:21:37] Explicit valence for atom # 11 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)CC2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1CN2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC3C(=O)C(CCC(C=O)(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCC(=O)C3(CCC(C=O)CC3CCCCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C3(CCC(C=O)CC3CO)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 36:
[18:21:37] CCC(C=O)CC3CO)C1CC=O)CCN2C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C3(CCC(C=O)CC3CO)C1CC=O)CCN2C3=O' for input: 'CC12CCCC(=O)C3(CCC(C=O)CC3CO)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=O)CCCC(=C(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CC12CCCC3C(=O)C(CCC(C=O)CCCC(=C(=O)C1CC=O
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=C(=O)C1CC=O)CCN2C=O' for input: 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=C(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC12CCCC(==O)C(CCC=O)CC1C1CCN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CC12CCCC(==O)C(CCC=O)CC1C1CCN(C=O)C2OCCC1
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(==O)C(CCC=O)CC1C1CCN(C=O)C2OCCC1=O' for input: 'CC12CCCC(==O)C(CCC=O)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC1C2(CCC=O)CC3C4CC5C(CCC=O
[18:21:37] SMILES Parse Error: check for mistakes around position 22:
[18:21:37] C1C2(CCC=O)CC3C4CC5C(CCC=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1C2(CCC=O)CC3C4CC5C(CCC=O' for input: 'CC1C2(CCC=O)CC3C4CC5C(CCC=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C33(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 74:
[18:21:37] C=O)(CCN5C=O)C13C4=O)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C33(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O' for input: 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C33(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1CC(=O)C(CCC=O)C3C4CC(C(=O)NCCC1N4C=O)C32'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CC2CCCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C3(CCC(C=O)C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 15:
[18:21:37] CC12CCCC(=O)C3(CCC(C=O)C(=O)C(CCC(C=O)CCC
[18:21:37] ~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C3(CCC(C=O)C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O' for input: 'CC12CCCC(=O)C3(CCC(C=O)C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC3CC3CC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 25:
[18:21:37] CCCC3CC3CC(=O)C1CC=O)CCN2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3CC3CC(=O)C1CC=O)CCN2C=O' for input: 'CC12CCCC3CC3CC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1C1CCCCC1N4C=O)C32
[18:21:37] SMILES Parse Error: check for mistakes around position 37:
[18:21:37] C=O)CC1C1CCCCC1N4C=O)C32
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1C1CCCCC1N4C=O)C32' for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCCCC1N4C=O)C32'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC=O)C3C4CC(C(=O)NN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 27:
[18:21:37] CC(=O)C(CCC=O)C3C4CC(C(=O)NN(C=O)C2OCCC1=
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)C3C4CC(C(=O)NN(C=O)C2OCCC1=O' for input: 'CC12CCCC(=O)C(CCC=O)C3C4CC(C(=O)NN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC12CCCC(=O)C3(CCC((C=O)CCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 20:
[18:21:37] CC12CCCC(=O)C3(CCC((C=O)CCCC(=O)C1CC=O)CC
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C3(CCC((C=O)CCCC(=O)C1CC=O)CCN2C3=O' for input: 'CC12CCCC(=O)C3(CCC((C=O)CCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC3C(=O)C(CCCC=O)CC3CC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 39:
[18:21:37] CC=O)CC3CC(=O)C1CC=O)CCN2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCCC=O)CC3CC(=O)C1CC=O)CCN2C=O' for input: 'CC12CCCC3C(=O)C(CCCC=O)CC3CC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3C4CC(C(=O)NCCC1N4C=O)C32'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C3CCC(=O)C34C3(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1CC(C(=O)NCCC1N3C=O)C24'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC2CCCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 15:
[18:21:37] CC12CCCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC2CCCC
[18:21:37] ~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC2CCCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)CCN2C=O' for input: 'CC12CCCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC2CCCC(=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] CC1=O)CCN2C=O
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1=O)CCN2C=O' for input: 'CC1=O)CCN2C=O'
[18:21:37] Explicit valence for atom # 11 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC=O3CCC(=O)C34C3CC(C(=O)NCCC1N3C=O)C24
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC=O3CCC(=O)C34C3CC(C(=O)N
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O3CCC(=O)C34C3CC(C(=O)NCCC1N3C=O)C24' for input: 'CC12CCCC(=O)C(CCC=O3CCC(=O)C34C3CC(C(=O)NCCC1N3C=O)C24'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C)CC1C1CCN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C)CC1C1CCN(C=O)C2OCCC1=O
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C)CC1C1CCN(C=O)C2OCCC1=O' for input: 'CC12CCCC(=O)C)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC=O(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC=O(CCC=O)CC3C4CC5C(CCC3(
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O' for input: 'CC12CCCC(=O)C(CCC=O(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1C2)C3C4CC(C(=O)NCCC1N4C=O)C32
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] CC1C2)C3C4CC(C(=O)NCCC1N4C=O)C32
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1C2)C3C4CC(C(=O)NCCC1N4C=O)C32' for input: 'CC1C2)C3C4CC(C(=O)NCCC1N4C=O)C32'
[18:21:37] Explicit valence for atom # 18 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C3CC=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC12C(=O)C1CC(=O)CCC1CCC(C=O)CCC2C1C(=O)C34C3CC(C(=O)NCCC1N3C=O)C24'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC=O)C3C4CC(C(=O)NCCC1N4CC12C(=O)C1CC(=O)CCC1CCC(C=O)CCC2C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 27:
[18:21:37] CC(=O)C(CCC=O)C3C4CC(C(=O)NCCC1N4CC12C(=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)C3C4CC(C(=O)NCCC1N4CC12C(=O)C1CC(=O)CCC1CCC(C=O)CCC2C1=O' for input: 'CC12CCCC(=O)C(CCC=O)C3C4CC(C(=O)NCCC1N4CC12C(=O)C1CC(=O)CCC1CCC(C=O)CCC2C1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CC=O)C32
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] O=CC=O)C32
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CC=O)C32' for input: 'O=CC=O)C32'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1C2(CCC=O)CC3C4CC5C(CCC=O)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: ring closure 3 duplicates bond between atom 10 and atom 12 for input: 'CC12CCCC(=O)C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCC(=O)C3(CCC(C=O)CC3CC(=O)C1CCNCCC1N4C=O)C32'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)C3C4CC(C(=O)=O)CCN2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C)C2=O
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C)C2=O' for input: 'CC12CCCC(=O)C)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O(CCC=O)C3C4CC(C(=O)NCCC1N4C=O)C32
[18:21:37] SMILES Parse Error: check for mistakes around position 22:
[18:21:37] C1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O(CCC=O)C3C4CC(C(=O)NCCC1N4C=O)C32' for input: 'CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O(CCC=O)C3C4CC(C(=O)NCCC1N4C=O)C32'
[18:21:37] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=O)CC(=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CC12CCCC3C(=O)C(CCC(C=O)CC(=O)C3(CCC(C=O)
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCC(C=O)CC(=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)CCN2C=O' for input: 'CC12CCCC3C(=O)C(CCC(C=O)CC(=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 20:
[18:21:37] CC12CCCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCCC(=O)C1CC=O)CCN2C3=O' for input: 'CC12CCCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C3(CCC(C=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 15:
[18:21:37] CC12CCCC(=O)C3(CCC(C=O)C3(CCC(C=O)CC3CC(=
[18:21:37] ~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C3(CCC(C=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)CCN2C=O' for input: 'CC12CCCC(=O)C3(CCC(C=O)C3(CCC(C=O)CC3CC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCC(=O)CC3CC(=O)C1CC=O)CCN2C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 27:
[18:21:37] C(=O)CC3CC(=O)C1CC=O)CCN2C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCC(=O)CC3CC(=O)C1CC=O)CCN2C=O' for input: 'CC12CCC(=O)CC3CC(=O)C1CC=O)CCN2C=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=O)(=O)CCC1CCC(C=O)CCC2C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CC12CCCC3C(=O)C(CCC(C=O)(=O)CCC1CCC(C=O)C
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCC(C=O)(=O)CCC1CCC(C=O)CCC2C1=O' for input: 'CC12CCCC3C(=O)C(CCC(C=O)(=O)CCC1CCC(C=O)CCC2C1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC12C(=O)C1CCCCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] O)C1CCCCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=O)C1CCCCCC(=O)C1CC=O)CCN2C3=O' for input: 'O=CCC12C(=O)C1CCCCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)C(CCC(O)C1CC(=O)CCC1CCCCC(C=O)CCC2C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CC12CCCC3C(=O)C(CCC(O)C1CC(=O)CCC1CCCCC(C
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCC(O)C1CC(=O)CCC1CCCCC(C=O)CCC2C1=O' for input: 'CC12CCCC3C(=O)C(CCC(O)C1CC(=O)CCC1CCCCC(C=O)CCC2C1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC12C(=C=O)CCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 29:
[18:21:37] (=C=O)CCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=C=O)CCCC(=O)C1CC=O)CCN2C3=O' for input: 'O=CCC12C(=C=O)CCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCCC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1C2(CCC=O)C(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC123=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2CC(=O)C1CC(=O)CCC1CCC(C=O)CCC2C1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCCO)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC(==O)CC1C1CCN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] CCCC(==O)CC1C1CCN(C=O)C2OCCC1=O
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(==O)CC1C1CCN(C=O)C2OCCC1=O' for input: 'CCCC(==O)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 22:
[18:21:37] C1C2(CCC=O)CC3C4CC5C(CCC3(C)C1C(CC)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C1C(CC)C2=O' for input: 'CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C3C(C=O)(CCN5C=O)C13C4=O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 52:
[18:21:37] C=O)(CCN5C=O)C13C4=O)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C3C(C=O)(CCN5C=O)C13C4=O)C2=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C3C(C=O)(CCN5C=O)C13C4=O)C2=O'
[18:21:37] Explicit valence for atom # 21 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCN3C(=O)C(COC32)CC32'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12C3CCC(=O)C(C3CC=O)C3C4CC(C(=O)NCCC1N4C=O)1=O'
[18:21:37] SMILES Parse Error: ring closure 1 duplicates bond between atom 1 and atom 4 for input: 'CC1(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC2CCCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC12C(=O)C1CC(=O)CCC1CCC(C=O)CCC2CCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] Explicit valence for atom # 27 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CC12CCCC(=O)C((=O)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 15:
[18:21:37] CC12CCCC(=O)C((=O)C1CC=O)CCN2C3=O
[18:21:37] ~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C((=O)C1CC=O)CCN2C3=O' for input: 'CC12CCCC(=O)C((=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC3C(=O)C(CCC(C=O)CCCCCCC=O)CC1C1CCN3C(=O)C(COC32)C1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)CC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 19:
[18:21:37] CC12CCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C1CC=O)CCN2C3=O' for input: 'CC12CCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C(CCC=O)CC1C1CCN3C(=O)C(COC32)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C(CCC=O)C
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C(CCC=O)CC1C1CCN3C(=O)C(COC32)C1=O' for input: 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C(CCC=O)CC1C1CCN3C(=O)C(COC32)C1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC3C(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC12C(=O)C1CC(=O)CC(=O)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 33:
[18:21:37] C1CC(=O)CC(=O)C1CC=O)CCN2C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=O)C1CC(=O)CC(=O)C1CC=O)CCN2C3=O' for input: 'O=CCC12C(=O)C1CC(=O)CC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=O)CCCCC1CCC(C=O)CCC2C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CC12CCCC3C(=O)C(CCC(C=O)CCCCC1CCC(C=O)CCC
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCC(C=O)CCCCC1CCC(C=O)CCC2C1=O' for input: 'CC12CCCC3C(=O)C(CCC(C=O)CCCCC1CCC(C=O)CCC2C1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1C1C)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 27:
[18:21:37] CC(=O)C(CCC=O)CC1C1C)C(CCC(C=O)CCCC(=O)C1
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1C1C)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O' for input: 'CC12CCCC(=O)C(CCC=O)CC1C1C)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=OCN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CC12CCCC3C(=OCN(C=O)C2OCCC1=O
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=OCN(C=O)C2OCCC1=O' for input: 'CC12CCCC3C(=OCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1C1CCN3C)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] O)C(CCC=O)CC1C1CCN3C)C1CC=O)CCN2C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1C1CCN3C)C1CC=O)CCN2C3=O' for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCN3C)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O(=O)C(COC32)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O(=O)C(COC3
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O(=O)C(COC32)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 29:
[18:21:37] 3C(=O)C(CCC(C=O)CCCC(=O(=O)C(COC32)C1=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O(=O)C(COC32)C1=O' for input: 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O(=O)C(COC32)C1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(O)C3CCC(=O)C34C3CC(C(=O)NCCC1N3C=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C24'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1C2(CCC=O)CC3COC32)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 21:
[18:21:37] CC1C2(CCC=O)CC3COC32)C1=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1C2(CCC=O)CC3COC32)C1=O' for input: 'CC1C2(CCC=O)CC3COC32)C1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1C1CCN3C(=O)C(C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 36:
[18:21:37] CC=O)CC1C1CCN3C(=O)C(C4CC5C(CCC3(C)C3C(C=
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1C1CCN3C(=O)C(C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O' for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCN3C(=O)C(C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O'
[18:21:37] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC3C(=O)O)C1CC(=O)CCC1CCC(C=O)CCC2C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CC12CCCC3C(=O)O)C1CC(=O)CCC1CCC(C=O)CCC2C
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)O)C1CC(=O)CCC1CCC(C=O)CCC2C1=O' for input: 'CC12CCCC3C(=O)O)C1CC(=O)CCC1CCC(C=O)CCC2C1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CCC12C(=C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 9:
[18:21:37] O=CCC12C(=C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3
[18:21:37] ~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC12C(=C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O' for input: 'O=CCC12C(=C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CC12CCCC3C(=O
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O' for input: 'CC12CCCC3C(=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2OCCC1=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 43:
[18:21:37] 1C1CCN(C=O)C2OCCC1=O)C(CCC(C=O)CCCC(=O)C1
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2OCCC1=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O' for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2OCCC1=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2OCC(=O)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 49:
[18:21:37] (C=O)C2OCC(=O)C1CC=O)CCN2C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2OCC(=O)C1CC=O)CCN2C3=O' for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2OCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=O)CCCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CC12CCCC3C(=O)C(CCC(C=O)CCCCC1=O
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCC(C=O)CCCCC1=O' for input: 'CC12CCCC3C(=O)C(CCC(C=O)CCCCC1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC1C2(CCC=O)CC3C4C(=O)C15C1C3(C)C3CC(C2=O)C(C43)N(C=N2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 50:
[18:21:37] (C)C3CC(C2=O)C(C43)N(C=N2C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1C2(CCC=O)CC3C4C(=O)C15C1C3(C)C3CC(C2=O)C(C43)N(C=N2C3=O' for input: 'CC1C2(CCC=O)CC3C4C(=O)C15C1C3(C)C3CC(C2=O)C(C43)N(C=N2C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCO)CCC15C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 43:
[18:21:37] O)CCCC(=O)C1CC=O)CCO)CCC15C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCO)CCC15C=O' for input: 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCO)CCC15C=O'
[18:21:37] Explicit valence for atom # 22 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)C(CCC(=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CC12CCCC3C(=O)C(CCC(=O)CCN2C3=O
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCC(=O)CCN2C3=O' for input: 'CC12CCCC3C(=O)C(CCC(=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C1CCC=O)CCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 55:
[18:21:37] CCC=O)CCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C1CCC=O)CCCC(=O)C1CC=O)CCN2C3=O' for input: 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C1CCC=O)CCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] Explicit valence for atom # 24 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1C1CCC=O)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] O)C(CCC=O)CC1C1CCC=O)CCC2CCC(C=O)C1C(CC)C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1C1CCC=O)CCC2CCC(C=O)C1C(CC)C2=O' for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCC=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(N(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)C1(N(C=O)C2OCCC1=O
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(N(C=O)C2OCCC1=O' for input: 'CCCC(=O)C1(N(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CC=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 20:
[18:21:37] CCCC(=O)C1(C=O)CC=O)C1(C=O)CCC2CCC(C=O)C1
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CC=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O' for input: 'CCCC(=O)C1(C=O)CC=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(C2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCC(C2CCC(C=O)C1C(CC)C2=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(C2CCC(C=O)C1C(CC)C2=O' for input: 'CCCC(C2CCC(C=O)C1C(CC)C2=O'
[18:21:37] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(O)C3CCC(=O)C34C3CC(C(=O)NCCC1N3C=O)C3C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC24'
[18:21:37] Explicit valence for atom # 25 O, 3, is greater than permitted
[18:21:37] Explicit valence for atom # 17 N, 4, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)COCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)COCCC1=O
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)COCCC1=O' for input: 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)COCCC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C21CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 41:
[18:21:37] CC1C1CCN(C=O)C21CC=O)CCN2C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C21CC=O)CCN2C3=O' for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C21CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1C2(CCC=O)CC3C4C(=O)C15C1C3(C)C3CC(C2=O)C(C43)N(C=O)CCC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC12C(=O)C1CC(=O)CCC1CCC(C=O)CCC2C15C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] CC12CC)C2=O
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CC)C2=O' for input: 'CC12CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] (C=O)CCC2CCC(C=O)C1C(CCCC(=O)C(CCC=O)CC1C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2OCCC1=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(CC)C3C(C=O)(CCN5C=O)C13C4=O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1C2(CCC=O)CC3C4CC5C(CCC3(=O)(CCN5C=O)C13C4=O)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 43:
[18:21:37] O)CCCC(=O)C1CC=O)C=O)C2OCCC1=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)C=O)C2OCCC1=O' for input: 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1C1CCN(CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 29:
[18:21:37] (=O)C(CCC=O)CC1C1CCN(CCN2C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(CCN2C3=O' for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(CCN2C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=CC15C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CC12CCCC3C(=CC15C=O
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=CC15C=O' for input: 'CC12CCCC3C(=CC15C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1C2(CCC=O)CC3C4C(=O)C15C1C3(C)C3CC(C2=O)C(C43)N(C=O)CO)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 57:
[18:21:37] (C2=O)C(C43)N(C=O)CO)C(CCC(C=O)CCCC(=O)C1
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1C2(CCC=O)CC3C4C(=O)C15C1C3(C)C3CC(C2=O)C(C43)N(C=O)CO)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O' for input: 'CC1C2(CCC=O)CC3C4C(=O)C15C1C3(C)C3CC(C2=O)C(C43)N(C=O)CO)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(C3CC=O)C3C4CC(C(=O)NCCC1N4C=O)C32'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12C3CCC(=O)C(CCC=O)CC1C1CCN3C(=O)C(COC32)C1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1C(=O)C2CCC3CO)CC1C1CCN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 18:
[18:21:37] CCC1C(=O)C2CCC3CO)CC1C1CCN(C=O)C2OCCC1=O
[18:21:37] ~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3CO)CC1C1CCN(C=O)C2OCCC1=O' for input: 'CCC1C(=O)C2CCC3CO)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC=CC(C=O)(C1=O)C2C(CC)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC=CC(C=O)(C1=O)C2C(CC)C3=
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=CC(C=O)(C1=O)C2C(CC)C3=O' for input: 'CC12CCCC(=O)C(CCC=CC(C=O)(C1=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC1C2(CCC=O)CC3C4CC5C(CCC31CCN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 22:
[18:21:37] C1C2(CCC=O)CC3C4CC5C(CCC31CCN(C=O)C2OCCC1
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1C2(CCC=O)CC3C4CC5C(CCC31CCN(C=O)C2OCCC1=O' for input: 'CC1C2(CCC=O)CC3C4CC5C(CCC31CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1C(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 52:
[18:21:37] C=O)(CCN5C=O)C13C4=O)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1C(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O' for input: 'CC12CCCC(=O)C(CCC=O)CC1C(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2OCCCN3C(=C32)C1=O'
[18:21:37] SMILES Parse Error: ring closure 1 duplicates bond between atom 26 and atom 27 for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2OCCC1CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=1(CCC(CCCC(=O)C2CC=O)C1=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CC12CCCC3C(=O)C(CCC(C=1(CCC(CCCC(=O)C2CC=
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=1(CCC(CCCC(=O)C2CC=O)C1=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 20:
[18:21:37] CC12CCCC3C(=O)C(CCC(C=1(CCC(CCCC(=O)C2CC=
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCC(C=1(CCC(CCCC(=O)C2CC=O)C1=O)C3=O' for input: 'CC12CCCC3C(=O)C(CCC(C=1(CCC(CCCC(=O)C2CC=O)C1=O)C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC3C(=O)N1CCCO)CCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 21:
[18:21:37] CC12CCCC3C(=O)N1CCCO)CCCC(=O)C1CC=O)CCN2C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)N1CCCO)CCCC(=O)C1CC=O)CCN2C3=O' for input: 'CC12CCCC3C(=O)N1CCCO)CCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: ring closure 1 duplicates bond between atom 30 and atom 31 for input: 'CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C=O)CC1C1CCN3C(=C32)C1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC4=O)C2=O'
[18:21:37] Explicit valence for atom # 17 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCCCC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] Explicit valence for atom # 11 N, 4, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC3=O
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC3=O' for input: 'CC12CCCC(=O)C(CCC3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC=O)C1=O)C=O)CC1C1CCN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 49:
[18:21:37] C(=O)C2CC=O)C1=O)C=O)CC1C1CCN(C=O)C2OCCC1
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC=O)C1=O)C=O)CC1C1CCN(C=O)C2OCCC1=O' for input: 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC=O)C1=O)C=O)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC1C(=O)C2()C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 13:
[18:21:37] CCC1C(=O)C2()C3=O
[18:21:37] ~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2()C3=O' for input: 'CCC1C(=O)C2()C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC=O)C1=OC=O)CCC3C(=O)C(CC)C2C(C=O)CC31'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=OC1CCN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 22:
[18:21:37] C1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=OC1CCN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 38:
[18:21:37] CC5C(CCC3(C)C3C(C=O)(CCN5C=OC1CCN(C=O)C2O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=OC1CCN(C=O)C2OCCC1=O' for input: 'CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=OC1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1)C13C4=O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 24:
[18:21:37] 2CCCC(=O)C(CCC=O)CC1)C13C4=O)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1)C13C4=O)C2=O' for input: 'CC12CCCC(=O)C(CCC=O)CC1)C13C4=O)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1C1CCNO)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 30:
[18:21:37] =O)C(CCC=O)CC1C1CCNO)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1C1CCNO)C2=O' for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCNO)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=3C(=C32)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 22:
[18:21:37] C1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=3C(=C32)C1=O' for input: 'CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=3C(=C32)C1=O'
[18:21:37] SMILES Parse Error: ring closure 1 duplicates bond between atom 32 and atom 33 for input: 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CC(=O)C(CCC=O)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCCN2C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1C1CCN3C(=C32C1C1CCN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] O)C(CCC=O)CC1C1CCN3C(=C32C1C1CCN(C=O)C2OC
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1C1CCN3C(=C32C1C1CCN(C=O)C2OCCC1=O' for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCN3C(=C32C1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC=O)C)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 22:
[18:21:37] C12CCCC(=O)C(CCC=O)C)C1=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)C)C1=O' for input: 'CC12CCCC(=O)C(CCC=O)C)C1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCN=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2CCC3CCC(C=O)(C1=O)C2C(CC)C3(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: ring closure 1 duplicates bond between atom 36 and atom 37 for input: 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCNCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12C2C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)(C=O)CC31'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2(C=O)CCC3C(=O)C(CC)C2CC(CCC=O)CC1C1CCN3C(=C32)C1=O'
[18:21:37] Explicit valence for atom # 17 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 37:
[18:21:37] CC2CCC(C=O)C1C(CC)C2)CCC2CCC(C=O)C1C(CC)C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2)CCC2CCC(C=O)C1C(CC)C2=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O=O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)C1(C=O=O
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O=O' for input: 'CCCC(=O)C1(C=O=O'
[18:21:37] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(CC1C1CCN3C(=C32)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 23:
[18:21:37] CC(=O)C1(C=O)CCC2CCC(CC1C1CCN3C(=C32)C1=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(CC1C1CCN3C(=C32)C1=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(CC1C1CCN3C(=C32)C1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC=O)C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 24:
[18:21:37] 2CCCC(=O)C(CCC=O)C=O)C1C(CC)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)C=O)C1C(CC)C2=O' for input: 'CC12CCCC(=O)C(CCC=O)C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCCO)(C1=O)C2C(CC)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] CCCCO)(C1=O)C2C(CC)C3=O
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCCO)(C1=O)C2C(CC)C3=O' for input: 'CCCCO)(C1=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC1C(=O)C2CCC3CCC(C=(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 22:
[18:21:37] CC1C(=O)C2CCC3CCC(C=(=O)C1(C=O)CCC2CCC(C=
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3CCC(C=(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O' for input: 'CCC1C(=O)C2CCC3CCC(C=(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: ring closure 1 duplicates bond between atom 5 and atom 9 for input: 'CCCC(=O)C1(C=OO)N1CCC1(CCC(CCCC(=O)C2CC=O)C1=O)C3=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC12CCCC3C(=)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 13:
[18:21:37] CC12CCCC3C(=)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] ~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=)CCC2CCC(C=O)C1C(CC)C2=O' for input: 'CC12CCCC3C(=)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(CCC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 22:
[18:21:37] C1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(CCC3C4CC5
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(CCC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 33:
[18:21:37] CC3C4CC5C(CCC3(C)C3C(CCC3C4CC5C(CCC3(C)C3
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(CCC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O' for input: 'CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(CCC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1C2(CCC=O)=O)(CCN5C=O)C13C4=O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 15:
[18:21:37] CC1C2(CCC=O)=O)(CCN5C=O)C13C4=O)C2=O
[18:21:37] ~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1C2(CCC=O)=O)(CCN5C=O)C13C4=O)C2=O' for input: 'CC1C2(CCC=O)=O)(CCN5C=O)C13C4=O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1C2(CCC=O)CC3C4C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2C5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CC(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC3CCC(=O)C(CCC=O)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(CC=O)CC1C1CCN3C(=O)C(COCC32)C1=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CC=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCN(C=O)C2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2OCCC1=O'
[18:21:37] SMILES Parse Error: ring closure 1 duplicates bond between atom 34 and atom 35 for input: 'CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C1=O)C(CCC=O)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC12CCCC(3C4=O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] CC12CCCC(3C4=O)C2=O
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(3C4=O)C2=O' for input: 'CC12CCCC(3C4=O)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1C(=O)C2(C=O)CC)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 19:
[18:21:37] CCC1C(=O)C2(C=O)CC)C1=O
[18:21:37] ~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2(C=O)CC)C1=O' for input: 'CCC1C(=O)C2(C=O)CC)C1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1C1CCN3C(=C32C3C(=O)C(CC)C2C(C=O)CC31
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] O)C(CCC=O)CC1C1CCN3C(=C32C3C(=O)C(CC)C2C(
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1C1CCN3C(=C32C3C(=O)C(CC)C2C(C=O)CC31' for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCN3C(=C32C3C(=O)C(CC)C2C(C=O)CC31'
[18:21:37] Explicit valence for atom # 22 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC1C2(CCC=O)CC3C4CC5C(CCC3
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O' for input: 'CC12CCCC(=O)C(CCC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC=O)CC1C1CCN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CC=O)CC1C1CCN(C=O)C2OCCC1=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC=O)CC1C1CCN(C=O)C2OCCC1=O' for input: 'CC=O)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1C2(CCC=O)CC3C4CC5O)CC1C1CCN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 22:
[18:21:37] C1C2(CCC=O)CC3C4CC5O)CC1C1CCN(C=O)C2OCCC1
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1C2(CCC=O)CC3C4CC5O)CC1C1CCN(C=O)C2OCCC1=O' for input: 'CC1C2(CCC=O)CC3C4CC5O)CC1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC=C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CC12CCCC(=O)C(CCC=C(CCC3(C)C3C(C=O)(CCN5C
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O' for input: 'CC12CCCC(=O)C(CCC=C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=O)C1C1CCN(C=O)C2OCCC1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CC12CCCC3C(=O)C(CCC(C=O)C1C1CCN(C=O)C2OCC
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCC(C=O)C1C1CCN(C=O)C2OCCC1=O' for input: 'CC12CCCC3C(=O)C(CCC(C=O)C1C1CCN(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC=O)CCCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 36:
[18:21:37] CC=O)CCCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CCCCC(=O)C1CC=O)CCN2C3=O' for input: 'CC12CCCC(=O)C(CCC=O)CCCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC3C=O)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 13:
[18:21:37] CC12CCCC3C=O)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] ~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C=O)CCC2CCC(C=O)C1C(CC)C2=O' for input: 'CC12CCCC3C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)C1(C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O' for input: 'CCCC(=O)C1(C(=O)C(CCC(C=O)CCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC(=O)C(CCC=O)CC1C1C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1C2(CCC=O)CC3C4CC5C(CCC3(C)C3C(C=O)(CCN5C=O)C13C4=O)CCN3C(=O)C(COCC32)C1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)3C(=O)C(COCC32)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)3C(=O)C(C
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)3C(=O)C(COCC32)C1=O' for input: 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O)3C(=O)C(COCC32)C1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1C1CCNC1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 35:
[18:21:37] CCC=O)CC1C1CCNC1CC=O)CCN2C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1C1CCNC1CC=O)CCN2C3=O' for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CCNC1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CCC3CCC(C=O)(C1=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2C(=O)C2(C=O)CCC3C(=O)C(CC)C2C(C=O)CC31'
[18:21:37] SMILES Parse Error: ring closure 2 duplicates bond between atom 5 and atom 8 for input: 'CCC1C(=O)C2(C=O)C2OCCC1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1C(=O)CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 12:
[18:21:37] CCC1C(=O)CC)C2=O
[18:21:37] ~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)CC)C2=O' for input: 'CCC1C(=O)CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(C2(C=O)CCC3C(=O)C(CC)C2C(C=O)CC31
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] (C=O)CCC2CCC(C=O)C1C(C2(C=O)CCC3C(=O)C(CC
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(C2(C=O)CCC3C(=O)C(CC)C2C(C=O)CC31' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(C2(C=O)CCC3C(=O)C(CC)C2C(C=O)CC31'
[18:21:37] Explicit valence for atom # 12 O, 3, is greater than permitted
[18:21:37] Explicit valence for atom # 16 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1C(=O)C2CCC3(O)CCC(C=O)=O)N1CCC1(CCC(CCCC(=O)C2CC=O)C1=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 29:
[18:21:37] )C2CCC3(O)CCC(C=O)=O)N1CCC1(CCC(CCCC(=O)C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(O)CCC(C=O)=O)N1CCC1(CCC(CCCC(=O)C2CC=O)C1=O)C3=O' for input: 'CCC1C(=O)C2CCC3(O)CCC(C=O)=O)N1CCC1(CCC(CCCC(=O)C2CC=O)C1=O)C3=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC12CCCC3C((C1=O)C2C(CC)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 12:
[18:21:37] CC12CCCC3C((C1=O)C2C(CC)C3=O
[18:21:37] ~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C((C1=O)C2C(CC)C3=O' for input: 'CC12CCCC3C((C1=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC(=)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] CCCC(=)C2=O
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=)C2=O' for input: 'CCCC(=)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CCO)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC34C(=O)CC1C(=O)CCCC1CCC(CCN2C3=O)(CC3N4C(=O)C(COCC342)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 42:
[18:21:37] O)CCCC1CCC(CCN2C3=O)(CC3N4C(=O)C(COCC342)
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC34C(=O)CC1C(=O)CCCC1CCC(CCN2C3=O)(CC3N4C(=O)C(COCC342)C1=O' for input: 'CC12CCCC34C(=O)CC1C(=O)CCCC1CCC(CCN2C3=O)(CC3N4C(=O)C(COCC342)C1=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1C1C1=O)C4=O
[18:21:37] SMILES Parse Error: check for mistakes around position 30:
[18:21:37] =O)C(CCC=O)CC1C1C1=O)C4=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1C1C1=O)C4=O' for input: 'CC12CCCC(=O)C(CCC=O)CC1C1C1=O)C4=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC1C(=O)C2CCC3(O)CCC(C=O)(C1=)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] 2CCC3(O)CCC(C=O)(C1=)C1(C=O)CCC2CCC(C=O)C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(O)CCC(C=O)(C1=)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O' for input: 'CCC1C(=O)C2CCC3(O)CCC(C=O)(C1=)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=OO)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC(=O)C(CCC=O)CC1C1CC3N4C(=O)C(COCC3(=O)C(CC)C2C(C=O)CC31
[18:21:37] SMILES Parse Error: check for mistakes around position 37:
[18:21:37] C=O)CC1C1CC3N4C(=O)C(COCC3(=O)C(CC)C2C(C=
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC(=O)C(CCC=O)CC1C1CC3N4C(=O)C(COCC3(=O)C(CC)C2C(C=O)CC31' for input: 'CC12CCCC(=O)C(CCC=O)CC1C1CC3N4C(=O)C(COCC3(=O)C(CC)C2C(C=O)CC31'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1C(=O)C2(C=O)CCC3C42)C1=O
[18:21:37] SMILES Parse Error: check for mistakes around position 24:
[18:21:37] 1C(=O)C2(C=O)CCC3C42)C1=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2(C=O)CCC3C42)C1=O' for input: 'CCC1C(=O)C2(C=O)CCC3C42)C1=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=OC)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CC12CCCC3C(=O)C(CCC(C=OC)C3=O
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCC(C=OC)C3=O' for input: 'CC12CCCC3C(=O)C(CCC(C=OC)C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1C(=O)C2CCC3(O)CCC(C=O)(C1=O)C2C(C)CCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 53:
[18:21:37] C2C(C)CCCC(=O)C1CC=O)CCN2C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(O)CCC(C=O)(C1=O)C2C(C)CCCC(=O)C1CC=O)CCN2C3=O' for input: 'CCC1C(=O)C2CCC3(O)CCC(C=O)(C1=O)C2C(C)CCCC(=O)C1CC=O)CCN2C3=O'
[18:21:37] Explicit valence for atom # 11 C, 5, is greater than permitted
[18:21:37] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC1CCC(CCN2C3=O)(C1=O)C4=O
[18:21:37] SMILES Parse Error: check for mistakes around position 21:
[18:21:37] CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC1CCC
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC1CCC(CCN2C3=O)(C1=O)C4=O
[18:21:37] SMILES Parse Error: check for mistakes around position 25:
[18:21:37] CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC1CCC(CCN
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC1CCC(CCN2C3=O)(C1=O)C4=O' for input: 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC1CCC(CCN2C3=O)(C1=O)C4=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC34C(=O)CC1C(=O)CCCC=O)C1=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 30:
[18:21:37] 4C(=O)CC1C(=O)CCCC=O)C1=O)C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC34C(=O)CC1C(=O)CCCC=O)C1=O)C3=O' for input: 'CC12CCCC34C(=O)CC1C(=O)CCCC=O)C1=O)C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1C(=O)C2CCC3)C1CC=O)CCN2C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CCC1C(=O)C2CCC3)C1CC=O)CCN2C3=O
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3)C1CC=O)CCN2C3=O' for input: 'CCC1C(=O)C2CCC3)C1CC=O)CCN2C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O(O)CCC(C=O)(C1=O)C2C(CC)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O(O)CCC(C=O
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O(O)CCC(C=O)(C1=O)C2C(CC)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 29:
[18:21:37] 3C(=O)C(CCC(C=O)CCCC(=O(O)CCC(C=O)(C1=O)C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O(O)CCC(C=O)(C1=O)C2C(CC)C3=O' for input: 'CC12CCCC3C(=O)C(CCC(C=O)CCCC(=O(O)CCC(C=O)(C1=O)C2C(CC)C3=O'
[18:21:37] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:37] Explicit valence for atom # 12 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C14C2)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 35:
[18:21:37] )CCC2CCC(C=O)C1C14C2)C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C14C2)C3=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C14C2)C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CCC1C(=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCCC(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 36:
[18:21:37] (C=O)C2CC3CCN4C(=O)C(CCCC(CC)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCCC(CC)C2=O' for input: 'O=CCC1C(=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCCC(CC)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1C(=O)C=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 13:
[18:21:37] CCC1C(=O)C=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCC
[18:21:37] ~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3=O' for input: 'CCC1C(=O)C=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: O=CCC1C(2(C=O)CCC3C(=O)C(CC)C2C(C=O)CC31
[18:21:37] SMILES Parse Error: check for mistakes around position 9:
[18:21:37] O=CCC1C(2(C=O)CCC3C(=O)C(CC)C2C(C=O)CC31
[18:21:37] ~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(2(C=O)CCC3C(=O)C(CC)C2C(C=O)CC31' for input: 'O=CCC1C(2(C=O)CCC3C(=O)C(CC)C2C(C=O)CC31'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2(C=O)CCC3C(=O)C(CC)C2C(C=O)CCCC3C(=O)C(CC)C2C(C=O)CC31'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2(C=O)C31'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2CCC3(O)CCC(C=O)(C1=O)C2C(CC)C1(O)C(CC)C2=O'
[18:21:37] Explicit valence for atom # 22 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O))CCC2CCC(C=O)C1C(C(C)O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CCCC(=O)C1(C=O))CCC2CCC(C=O)C1C(C(C)O)C2=
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O))CCC2CCC(C=O)C1C(C(C)O)C2=O' for input: 'CCCC(=O)C1(C=O))CCC2CCC(C=O)C1C(C(C)O)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=OCCC2CCC(C=O)C1(O)C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)C1(C=OCCC2CCC(C=O)C1(O)C(CC)C2=O
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=OCCC2CCC(C=O)C1(O)C(CC)C2=O' for input: 'CCCC(=O)C1(C=OCCC2CCC(C=O)C1(O)C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC1C(=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3O)CCC2CCC(C=O)C1(O)C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 49:
[18:21:37] 4C(=O)C(CCCC14C2)C3O)CCC2CCC(C=O)C1(O)C(C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3O)CCC2CCC(C=O)C1(O)C(CC)C2=O' for input: 'O=CCC1C(=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3O)CCC2CCC(C=O)C1(O)C(CC)C2=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC(=O)C1(C==O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] CCCC(=O)C1(C==O
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C==O' for input: 'CCCC(=O)C1(C==O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC1C(=O)CCCC(C=O)C2CCCCC14C2)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 32:
[18:21:37] CCCC(C=O)C2CCCCC14C2)C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=O)CCCC(C=O)C2CCCCC14C2)C3=O' for input: 'O=CCC1C(=O)CCCC(C=O)C2CCCCC14C2)C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CCC1C(=O)CCCC(C=O)C2CC3CCN4C(=O)C(C3CCN4C(=O)C(CCCC14C2)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 36:
[18:21:37] (C=O)C2CC3CCN4C(=O)C(C3CCN4C(=O)C(CCCC14C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=O)CCCC(C=O)C2CC3CCN4C(=O)C(C3CCN4C(=O)C(CCCC14C2)C3=O' for input: 'O=CCC1C(=O)CCCC(C=O)C2CC3CCN4C(=O)C(C3CCN4C(=O)C(CCCC14C2)C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC1C(=O)C2(C=O)CCC3C(=O)C(CC)C2C(C=C3CCC(C2=O)C1C3C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 34:
[18:21:37] =O)CCC3C(=O)C(CC)C2C(C=C3CCC(C2=O)C1C3C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2(C=O)CCC3C(=O)C(CC)C2C(C=C3CCC(C2=O)C1C3C=O' for input: 'CCC1C(=O)C2(C=O)CCC3C(=O)C(CC)C2C(C=C3CCC(C2=O)C1C3C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CO)CC31
[18:21:37] SMILES Parse Error: check for mistakes around position 22:
[18:21:37] CCC(=O)C1(C=O)CCC2CO)CC31
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CO)CC31' for input: 'CCCC(=O)C1(C=O)CCC2CO)CC31'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC=CC=O)C1=O)C3=O)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 53:
[18:21:37] )C2CC=CC=O)C1=O)C3=O)CCC2CCC(C=O)C1C(CC)C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC=CC=O)C1=O)C3=O)CCC2CCC(C=O)C1C(CC)C2=O' for input: 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC=CC=O)C1=O)C3=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] CCCC(=O)C1(C=O
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O' for input: 'CCCC(=O)C1(C=O'
[18:21:37] Explicit valence for atom # 19 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC1C(=O)C2CCC3(O)CCC(C=O)(C1=)C2(C=O)CCC3C(=O)C(CC)C2C(C=O)CC31
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] 2CCC3(O)CCC(C=O)(C1=)C2(C=O)CCC3C(=O)C(CC
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(O)CCC(C=O)(C1=)C2(C=O)CCC3C(=O)C(CC)C2C(C=O)CC31' for input: 'CCC1C(=O)C2CCC3(O)CCC(C=O)(C1=)C2(C=O)CCC3C(=O)C(CC)C2C(C=O)CC31'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=OO)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1CC(=O)C2(C=O)CCC3CCC(C=O)C2C(C3=O))C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 38:
[18:21:37] CC3CCC(C=O)C2C(C3=O))C1C(CC)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1CC(=O)C2(C=O)CCC3CCC(C=O)C2C(C3=O))C1C(CC)C2=O' for input: 'CC1CC(=O)C2(C=O)CCC3CCC(C=O)C2C(C3=O))C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=OC1C
[18:21:37] SMILES Parse Error: check for mistakes around position 23:
[18:21:37] CC(=O)C1(C=O)CCC2CCC(C=OC1C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=OC1C' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=OC1C'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1CCN4C(=O)C(CCCC14C2)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)CCCC(C=O)C2CC3C(=O)C2CCC3(O)CCC(C=O)(C1=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1C(=O)C2CCC3(O)O)CCC3C(=O)C(CC)C2C(C=O)CC31
[18:21:37] SMILES Parse Error: check for mistakes around position 20:
[18:21:37] CCC1C(=O)C2CCC3(O)O)CCC3C(=O)C(CC)C2C(C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(O)O)CCC3C(=O)C(CC)C2C(C=O)CC31' for input: 'CCC1C(=O)C2CCC3(O)O)CCC3C(=O)C(CC)C2C(C=O)CC31'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC1C(=O)C2(C=CCC(C=O)(C1=O)C2C(CC)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 12:
[18:21:37] CCC1C(=O)C2(C=CCC(C=O)(C1=O)C2C(CC)C3=O
[18:21:37] ~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2(C=CCC(C=O)(C1=O)C2C(CC)C3=O' for input: 'CCC1C(=O)C2(C=CCC(C=O)(C1=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC1C(=O)C2CCC3(O)CCC(C=O=O
[18:21:37] SMILES Parse Error: check for mistakes around position 22:
[18:21:37] CC1C(=O)C2CCC3(O)CCC(C=O=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(O)CCC(C=O=O' for input: 'CCC1C(=O)C2CCC3(O)CCC(C=O=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2)(C1=O)C2C(CC)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 37:
[18:21:37] CC2CCC(C=O)C1C(CC)C2)(C1=O)C2C(CC)C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2)(C1=O)C2C(CC)C3=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2)(C1=O)C2C(CC)C3=O'
[18:21:37] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)CC(=O)N1CCC1(CCC(CCCC(=O)C2CC=CC=O)C1=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 21:
[18:21:37] CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)CC(=O)N1
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)CC(=O)N1CCC1(CCC(CCCC(=O)C2CC=CC=O)C1=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 25:
[18:21:37] CCCC3C(=O)N1CCC1(CCC(CCCC(=O)CC(=O)N1CCC1
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)CC(=O)N1CCC1(CCC(CCCC(=O)C2CC=CC=O)C1=O)C3=O' for input: 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)CC(=O)N1CCC1(CCC(CCCC(=O)C2CC=CC=O)C1=O)C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC32CC=CC=O)C1=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 18:
[18:21:37] CC12CCCC32CC=CC=O)C1=O)C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC32CC=CC=O)C1=O)C3=O' for input: 'CC12CCCC32CC=CC=O)C1=O)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC=CC=O)C1=O)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC2CC3CCC(C2=O)C1C3C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC)C1=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] O=CCC)C1=O)C3=O
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC)C1=O)C3=O' for input: 'O=CCC)C1=O)C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC=CC=O1C(=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 21:
[18:21:37] CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC=CC=
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC=CC=O1C(=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 25:
[18:21:37] CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC=CC=O1C(
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC=CC=O1C(=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3=O' for input: 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2CC=CC=O1C(=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1CC(=O)C2(C=O)CCC3CCC(=O)C2CCC3(O)CCC(C=O)(C1=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(C=O)C2C(C3=O)C1C'
[18:21:37] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC1C(=O)C2CCC3(O)CCC(C=O)()C1(C=O)CCC2CC3CCC(C2=O)C1C3C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 28:
[18:21:37] O)C2CCC3(O)CCC(C=O)()C1(C=O)CCC2CC3CCC(C2
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(O)CCC(C=O)()C1(C=O)CCC2CC3CCC(C2=O)C1C3C=O' for input: 'CCC1C(=O)C2CCC3(O)CCC(C=O)()C1(C=O)CCC2CC3CCC(C2=O)C1C3C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=OC1=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCCC2CCC(C=O)C1(O)C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CC(C=O)C1C(C(C)O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CC(=O)C1(C=O)CCC2CCC(C=O)C1C(C(C)O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCCC2CCC(C=O)C1(O)C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1(O)C(CC(CCC(CCCC(=O)C2O)C1=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 34:
[18:21:37] O)CCC2CCC(C=O)C1(O)C(CC(CCC(CCCC(=O)C2O)C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1(O)C(CC(CCC(CCCC(=O)C2O)C1=O)C3=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1(O)C(CC(CCC(CCCC(=O)C2O)C1=O)C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC3C(=O)N1CCC1)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 21:
[18:21:37] CC12CCCC3C(=O)N1CCC1)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)N1CCC1)C2=O' for input: 'CC12CCCC3C(=O)N1CCC1)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2(C=O)CCC3C(=O)C(CC)C2C(O)C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1(C=O)CC31'
[18:21:37] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2CCC3(O)CCC(C=O)(C1)C2CCC3(O)CCC(C=O)(C1=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=CCC3(O)CCC(C=O)(C1=O)C2C(CC)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCC(=CCC3(O)CCC(C=O)(C1=O)C2C(CC)C3=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=CCC3(O)CCC(C=O)(C1=O)C2C(CC)C3=O' for input: 'CCCC(=CCC3(O)CCC(C=O)(C1=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1C(=O)C2O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 13:
[18:21:37] CCC1C(=O)C2O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2
[18:21:37] ~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O' for input: 'CCC1C(=O)C2O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)CCC1(CCC(CCCC(=O)C2O)C1=O)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC3C(=O)N1CCCC(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2(C=O)CCC3C(=O)C(C(C)O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2C(C=O)CC31'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC1C(3CCN4C(=O)C(CCCC14C2)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] CCC1C(3CCN4C(=O)C(CCCC14C2)C3=O
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(3CCN4C(=O)C(CCCC14C2)C3=O' for input: 'CCC1C(3CCN4C(=O)C(CCCC14C2)C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC1C(=O)CCCC(C=O)C2CC=O)C2(C=O)CCC3C(=O)C(CC)C2C(C=O)CC31
[18:21:37] SMILES Parse Error: check for mistakes around position 27:
[18:21:37] C(=O)CCCC(C=O)C2CC=O)C2(C=O)CCC3C(=O)C(CC
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=O)CCCC(C=O)C2CC=O)C2(C=O)CCC3C(=O)C(CC)C2C(C=O)CC31' for input: 'O=CCC1C(=O)CCCC(C=O)C2CC=O)C2(C=O)CCC3C(=O)C(CC)C2C(C=O)CC31'
[18:21:37] Explicit valence for atom # 6 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C3C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CC3CCC(C2=O)C1C(=O)C2CCC3(O)CCC(C=O)(C1=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC1C(=O)C2CCC3(O)CCC(C=O)(C1=O)C2C(C3CCC(C2=O)C1C3C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 36:
[18:21:37] (O)CCC(C=O)(C1=O)C2C(C3CCC(C2=O)C1C3C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(O)CCC(C=O)(C1=O)C2C(C3CCC(C2=O)C1C3C=O' for input: 'CCC1C(=O)C2CCC3(O)CCC(C=O)(C1=O)C2C(C3CCC(C2=O)C1C3C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 23:
[18:21:37] CC(=O)C1(C=O)CCC2CCC)C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC)C3=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC)C3=O'
[18:21:37] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O3CCC(C2=O)C1C3C=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCC(=O3CCC(C2=O)C1C3C=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O3CCC(C2=O)C1C3C=O' for input: 'CCCC(=O3CCC(C2=O)C1C3C=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CC)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 22:
[18:21:37] CCC(=O)C1(C=O)CCC2CC)C1(C=O)CCC2CCC(C=O)C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CC)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O' for input: 'CCCC(=O)C1(C=O)CCC2CC)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)CCCC(C=O)C2CC3CCN4C(=O)CCC3(O)CCC(C=O)(C1=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2C(CCCC14C2)C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC1C(=O)C2CCC3(O)CCC(C=O)(C1=O)C2C(CC(=O)C2CCC3(O)CCC(C=O)(C1=O)C2C(CC)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 36:
[18:21:37] (O)CCC(C=O)(C1=O)C2C(CC(=O)C2CCC3(O)CCC(C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(O)CCC(C=O)(C1=O)C2C(CC(=O)C2CCC3(O)CCC(C=O)(C1=O)C2C(CC)C3=O' for input: 'CCC1C(=O)C2CCC3(O)CCC(C=O)(C1=O)C2C(CC(=O)C2CCC3(O)CCC(C=O)(C1=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1C)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 6:
[18:21:37] CCC1C)C3=O
[18:21:37] ~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C)C3=O' for input: 'CCC1C)C3=O'
[18:21:37] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CCC1C(=O)CCCC(C=O)C2CC3CCN4C(=O(C=O)C2C(C3=O)C1C
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] )CCCC(C=O)C2CC3CCN4C(=O(C=O)C2C(C3=O)C1C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=O)CCCC(C=O)C2CC3CCN4C(=O(C=O)C2C(C3=O)C1C' for input: 'O=CCC1C(=O)CCCC(C=O)C2CC3CCN4C(=O(C=O)C2C(C3=O)C1C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1CC(=O)C2(C=O)CCC3CCC)C(CCCC14C2)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 24:
[18:21:37] CC(=O)C2(C=O)CCC3CCC)C(CCCC14C2)C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1CC(=O)C2(C=O)CCC3CCC)C(CCCC14C2)C3=O' for input: 'CC1CC(=O)C2(C=O)CCC3CCC)C(CCCC14C2)C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=C(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCCC(=C(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=C(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3=O' for input: 'CCCC(=C(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CCC1C(=O)CCCO)C1(C=O)CCC2CCC(C=O)C1C(C(C)O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] O=CCC1C(=O)CCCO)C1(C=O)CCC2CCC(C=O)C1C(C(
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CCC1C(=O)CCCO)C1(C=O)CCC2CCC(C=O)C1C(C(C)O)C2=O' for input: 'O=CCC1C(=O)CCCO)C1(C=O)CCC2CCC(C=O)C1C(C(C)O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1(O)C(CC)C2CCC3(O)CCC(C=O)(C1=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC=O)C(=O)N(CC)C2CC(C=O)C13
[18:21:37] SMILES Parse Error: check for mistakes around position 25:
[18:21:37] (=O)C1(C=O)CCC2CCC=O)C(=O)N(CC)C2CC(C=O)C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC=O)C(=O)N(CC)C2CC(C=O)C13' for input: 'CCCC(=O)C1(C=O)CCC2CCC=O)C(=O)N(CC)C2CC(C=O)C13'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC1C(=O)C2CCC3(C(C=O)C1(O)C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CCC1C(=O)C2CCC3(C(C=O)C1(O)C(CC)C2=O
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(C(C=O)C1(O)C(CC)C2=O' for input: 'CCC1C(=O)C2CCC3(C(C=O)C1(O)C(CC)C2=O'
[18:21:37] Explicit valence for atom # 19 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1(O=O)C2O)C1=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 38:
[18:21:37] C2CCC(C=O)C1(O=O)C2O)C1=O)C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1(O=O)C2O)C1=O)C3=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1(O=O)C2O)C1=O)C3=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC()C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] (=O)N1CCC1(CCC(CCCC()C(CC)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC()C(CC)C2=O' for input: 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC()C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2CCC3(O)CCC(C=O)(C1=O)C2C(CC)C(=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C3=O'
[18:21:37] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(C(CC3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] (C=O)CCC2CCC(C=O)C1C(C(CC3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(C(CC3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 33:
[18:21:37] =O)CCC2CCC(C=O)C1C(C(CC3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(C(CC3=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(C(CC3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2O)C1=O))O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 43:
[18:21:37] CC(CCCC(=O)C2O)C1=O))O)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2O)C1=O))O)C2=O' for input: 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2O)C1=O))O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCCC1C'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1CC(=O)C2(C=O)CCC3CCC(C=O)C2C(C3=O)(=O)C1(C=O)CCC2CCC(C=O)C1C(C(C)O)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=C2CC(C3=O)C14
[18:21:37] SMILES Parse Error: check for mistakes around position 23:
[18:21:37] CC(=O)C1(C=O)CCC2CCC(C=C2CC(C3=O)C14
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=C2CC(C3=O)C14' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=C2CC(C3=O)C14'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CC1C2CC3CCC4(C=O)C(=O)CCCO)C1C(C(C)O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 29:
[18:21:37] C3CCC4(C=O)C(=O)CCCO)C1C(C(C)O)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CC1C2CC3CCC4(C=O)C(=O)CCCO)C1C(C(C)O)C2=O' for input: 'O=CC1C2CC3CCC4(C=O)C(=O)CCCO)C1C(C(C)O)C2=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC(==O)C1C
[18:21:37] SMILES Parse Error: check for mistakes around position 32:
[18:21:37] =O)N1CCC1(CCC(CCCC(==O)C1C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(==O)C1C' for input: 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(==O)C1C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1CC(=O)C2(C=O)CCC3CCC(C=O)C2C(C3O)C2O)C1=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 40:
[18:21:37] 3CCC(C=O)C2C(C3O)C2O)C1=O)C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1CC(=O)C2(C=O)CCC3CCC(C=O)C2C(C3O)C2O)C1=O)C3=O' for input: 'CC1CC(=O)C2(C=O)CCC3CCC(C=O)C2C(C3O)C2O)C1=O)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2CC2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)CC3(C=O)C(=O)N(CC)C2CC(C=O)C13'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CC1C2CC3CCC4(C=O)C(=O)CCCC2CC(CCCC2CC(C3=O)C14
[18:21:37] SMILES Parse Error: check for mistakes around position 32:
[18:21:37] CC4(C=O)C(=O)CCCC2CC(CCCC2CC(C3=O)C14
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CC1C2CC3CCC4(C=O)C(=O)CCCC2CC(CCCC2CC(C3=O)C14' for input: 'O=CC1C2CC3CCC4(C=O)C(=O)CCCC2CC(CCCC2CC(C3=O)C14'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CC1C2CC3CCC4(C=O)C(=O)C3=O)C14
[18:21:37] SMILES Parse Error: check for mistakes around position 29:
[18:21:37] C3CCC4(C=O)C(=O)C3=O)C14
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CC1C2CC3CCC4(C=O)C(=O)C3=O)C14' for input: 'O=CC1C2CC3CCC4(C=O)C(=O)C3=O)C14'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1CC(=O)C2(C=O)C1C(=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCCCC3CCC(C=O)C2C(C3=O)C1C'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCCC(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=O)C13'
[18:21:37] SMILES Parse Error: ring closure 1 duplicates bond between atom 2 and atom 4 for input: 'CCC1(=O)C1(C=O)CCC2CCC(C=O)C1(O)C(CC)C2=O'
[18:21:37] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:37] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC1C(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C3CCC(C=O)C2C(C3=O)C1C
[18:21:37] SMILES Parse Error: check for mistakes around position 35:
[18:21:37] 3(C=O)C(=O)N(CC)C2CC(C3CCC(C=O)C2C(C3=O)C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C3CCC(C=O)C2C(C3=O)C1C' for input: 'CCC1C(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C3CCC(C=O)C2C(C3=O)C1C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1CC(=O)C2(C=O)CCC=O)C13
[18:21:37] SMILES Parse Error: check for mistakes around position 22:
[18:21:37] C1CC(=O)C2(C=O)CCC=O)C13
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1CC(=O)C2(C=O)CCC=O)C13' for input: 'CC1CC(=O)C2(C=O)CCC=O)C13'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(C(CC(C=O)C13
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] (C=O)CCC2CCC(C=O)C1C(C(CC(C=O)C13
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(C(CC(C=O)C13
[18:21:37] SMILES Parse Error: check for mistakes around position 33:
[18:21:37] =O)CCC2CCC(C=O)C1C(C(CC(C=O)C13
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(C(CC(C=O)C13' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(C(CC(C=O)C13'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1C(=O)C2CCC3(C=O)C(=O)N(CC)C2C)O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 34:
[18:21:37] C3(C=O)C(=O)N(CC)C2C)O)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(C=O)C(=O)N(CC)C2C)O)C2=O' for input: 'CCC1C(=O)C2CCC3(C=O)C(=O)N(CC)C2C)O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)CCCC3(O)CCC(C=O)(C1=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2CCC(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)N1CCC1(CCC2(C=O)CCC3CCC(C=O)C2C(C3=O)C1C
[18:21:37] SMILES Parse Error: check for mistakes around position 21:
[18:21:37] CC12CCCC3C(=O)N1CCC1(CCC2(C=O)CCC3CCC(C=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)N1CCC1(CCC2(C=O)CCC3CCC(C=O)C2C(C3=O)C1C' for input: 'CC12CCCC3C(=O)N1CCC1(CCC2(C=O)CCC3CCC(C=O)C2C(C3=O)C1C'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1CC(=O)C(CCCC(=O)C2O)C1=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 28:
[18:21:37] O)C(CCCC(=O)C2O)C1=O)C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1CC(=O)C(CCCC(=O)C2O)C1=O)C3=O' for input: 'CC1CC(=O)C(CCCC(=O)C2O)C1=O)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)CC1C2CC3CCC4(C=O)C(=O)CCCC2CC(C3=O)C14'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=C1C(C(C)O)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CC1C2CC3CCC4(C=O)C(=O)CCCC2CC(C31C2CC3CCC4(C=O)C(=O)CCCC2CC(C3=O)C14
[18:21:37] SMILES Parse Error: check for mistakes around position 32:
[18:21:37] CC4(C=O)C(=O)CCCC2CC(C31C2CC3CCC4(C=O)C(=
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CC1C2CC3CCC4(C=O)C(=O)CCCC2CC(C31C2CC3CCC4(C=O)C(=O)CCCC2CC(C3=O)C14' for input: 'O=CC1C2CC3CCC4(C=O)C(=O)CCCC2CC(C31C2CC3CCC4(C=O)C(=O)CCCC2CC(C3=O)C14'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CC=O)C14
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] O=CC=O)C14
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CC=O)C14' for input: 'O=CC=O)C14'
[18:21:37] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1CC(=O)C24(C=O)C(=O)CCCC2CC(C3=O)C14'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CC1C2CC3CCC(C=O)CCC3CCC(C=O)C2C(C3=O)C1C'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2CCC3(O)CCC(C=O)(C1=OO)C3=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2O)C1=)C2C(CC)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 41:
[18:21:37] (CCC(CCCC(=O)C2O)C1=)C2C(CC)C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2O)C1=)C2C(CC)C3=O' for input: 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2O)C1=)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1CC(=O)C2(C=O)C14'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CC1C2CC3CCC4(C=O)C(=O)CCCC2CC(C3=O)CCC3CCC(C=O)C2C(C3=O)C1C'
[18:21:37] Explicit valence for atom # 2 N, 4, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=CC1C2CC3CCC4(C=O)C(=O)CCCC2CC(C3=OC2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 32:
[18:21:37] CC4(C=O)C(=O)CCCC2CC(C3=OC2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CC1C2CC3CCC4(C=O)C(=O)CCCC2CC(C3=OC2=O' for input: 'O=CC1C2CC3CCC4(C=O)C(=O)CCCC2CC(C3=OC2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC))C14
[18:21:37] SMILES Parse Error: check for mistakes around position 35:
[18:21:37] )CCC2CCC(C=O)C1C(CC))C14
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC))C14' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC))C14'
[18:21:37] Explicit valence for atom # 17 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)C)C2O)C1=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 17:
[18:21:37] CCCC(=O)C1(C=O)C)C2O)C1=O)C3=O
[18:21:37] ~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)C)C2O)C1=O)C3=O' for input: 'CCCC(=O)C1(C=O)C)C2O)C1=O)C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=OCC2CCC(C=O)C1(O)C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 21:
[18:21:37] CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=OCC2CCC(C=
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=OCC2CCC(C=O)C1(O)C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 25:
[18:21:37] CCCC3C(=O)N1CCC1(CCC(CCCC(=OCC2CCC(C=O)C1
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=OCC2CCC(C=O)C1(O)C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 30:
[18:21:37] C(=O)N1CCC1(CCC(CCCC(=OCC2CCC(C=O)C1(O)C(
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=OCC2CCC(C=O)C1(O)C(CC)C2=O' for input: 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=OCC2CCC(C=O)C1(O)C(CC)C2=O'
[18:21:37] Explicit valence for atom # 17 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1C(=O)C2CCC3(O)CC)C1C
[18:21:37] SMILES Parse Error: check for mistakes around position 21:
[18:21:37] CCC1C(=O)C2CCC3(O)CC)C1C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(O)CC)C1C' for input: 'CCC1C(=O)C2CCC3(O)CC)C1C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC1CC(=O)C2(C=O)CCC3CCC(C=O)C2C(C3=OC(C=O)(C1=O)C2C(CC)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 32:
[18:21:37] (C=O)CCC3CCC(C=O)C2C(C3=OC(C=O)(C1=O)C2C(
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1CC(=O)C2(C=O)CCC3CCC(C=O)C2C(C3=OC(C=O)(C1=O)C2C(CC)C3=O' for input: 'CC1CC(=O)C2(C=O)CCC3CCC(C=O)C2C(C3=OC(C=O)(C1=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1CC(=O)C2(C=O)CCC3CCC(C=O)C2C(C3=O)CO)C1=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 40:
[18:21:37] 3CCC(C=O)C2C(C3=O)CO)C1=O)C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1CC(=O)C2(C=O)CCC3CCC(C=O)C2C(C3=O)CO)C1=O)C3=O' for input: 'CC1CC(=O)C2(C=O)CCC3CCC(C=O)C2C(C3=O)CO)C1=O)C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C21C
[18:21:37] SMILES Parse Error: check for mistakes around position 21:
[18:21:37] CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C21C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C21C
[18:21:37] SMILES Parse Error: check for mistakes around position 25:
[18:21:37] CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C21C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C21C' for input: 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C21C'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCCC2C(C3=O)C1C'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1CC(=O)C2(C=O)CCC3CCC(C=O)(C=O)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CC1C2CC3CCC4(C=O)C(=O)CCCC2CC(C3=O=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2CCC3(O)CCC(C=O)(C1)C14'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2CCC3(O)CCC(C=O)(CO)C13'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=1=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2O)C1=O)C32CCC3(O)CCC(C=O)(C1=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1CC(=O)C2(C=O2O)C1=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 23:
[18:21:37] 1CC(=O)C2(C=O2O)C1=O)C3=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1CC(=O)C2(C=O2O)C1=O)C3=O' for input: 'CC1CC(=O)C2(C=O2O)C1=O)C3=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C)CCC3CCC(C=O)C2C(C3=O)C1C
[18:21:37] SMILES Parse Error: check for mistakes around position 21:
[18:21:37] CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C)CCC3CC
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C)CCC3CCC(C=O)C2C(C3=O)C1C' for input: 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C)CCC3CCC(C=O)C2C(C3=O)C1C'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(O)N1CCC1(CCC(CCCC(=O)C2O)C1=O)C3=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC12CCCC3C(==O)C1(C=O)CCC2CCC(C=O)C1(O)C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 13:
[18:21:37] CC12CCCC3C(==O)C1(C=O)CCC2CCC(C=O)C1(O)C(
[18:21:37] ~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(==O)C1(C=O)CCC2CCC(C=O)C1(O)C(CC)C2=O' for input: 'CC12CCCC3C(==O)C1(C=O)CCC2CCC(C=O)C1(O)C(CC)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(C14C2)C3=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCCCC)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CC)C1(O)C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] O=CC)C1(O)C(CC)C2=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CC)C1(O)C(CC)C2=O' for input: 'O=CC)C1(O)C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=OC1C(=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 23:
[18:21:37] CC(=O)C1(C=O)CCC2CCC(C=OC1C(=O)CCCC(C=O)C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=OC1C(=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=OC1C(=O)CCCC(C=O)C2CC3CCN4C(=O)C(CCCC14C2)C3=O'
[18:21:37] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:37] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(O)C(=O)CCCC2CC(C3=O)C41'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1(C=O)C2CC3CCC4(C=C=O)C13'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=C1CCCC2CCC3(CCN4C(=O)C(CC5CC4(C5)C1O)C3=O)CCC3(C=O)C(=O)N(CC)C2CC(C=O)C13'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C=O)C2C(C3=O)C1C
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] (C=O)CCC2CCC(C=O)C=O)C2C(C3=O)C1C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C=O)C2C(C3=O)C1C' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C=O)C2C(C3=O)C1C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC1CC(=O)C2(C=O)CCC3CCC(C1(O)C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 24:
[18:21:37] CC(=O)C2(C=O)CCC3CCC(C1(O)C(CC)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1CC(=O)C2(C=O)CCC3CCC(C1(O)C(CC)C2=O' for input: 'CC1CC(=O)C2(C=O)CCC3CCC(C1(O)C(CC)C2=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CC1CC(=O)C2(C=O)CCC3CCC()C(=O)N(CC)C2CC(C=O)C13
[18:21:37] SMILES Parse Error: check for mistakes around position 25:
[18:21:37] C(=O)C2(C=O)CCC3CCC()C(=O)N(CC)C2CC(C=O)C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1CC(=O)C2(C=O)CCC3CCC()C(=O)N(CC)C2CC(C=O)C13' for input: 'CC1CC(=O)C2(C=O)CCC3CCC()C(=O)N(CC)C2CC(C=O)C13'
[18:21:37] Explicit valence for atom # 10 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=C)C2CC(C=O)C13'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2CCC3(C=O)C(=O)N(CO)CCC2CCC(C=O)C1(O)C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=C1CCCC2CCC3(CCN4C(=O)C(CC5CC4(C5CCC(C=O)(C1=O)C2C(CC)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] O=C1CCCC2CCC3(CCN4C(=O)C(CC5CC4(C5CCC(C=O
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=C1CCCC2CCC3(CCN4C(=O)C(CC5CC4(C5CCC(C=O)(C1=O)C2C(CC)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 25:
[18:21:37] CCCC2CCC3(CCN4C(=O)C(CC5CC4(C5CCC(C=O)(C1
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=C1CCCC2CCC3(CCN4C(=O)C(CC5CC4(C5CCC(C=O)(C1=O)C2C(CC)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 32:
[18:21:37] C3(CCN4C(=O)C(CC5CC4(C5CCC(C=O)(C1=O)C2C(
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=C1CCCC2CCC3(CCN4C(=O)C(CC5CC4(C5CCC(C=O)(C1=O)C2C(CC)C3=O' for input: 'O=C1CCCC2CCC3(CCN4C(=O)C(CC5CC4(C5CCC(C=O)(C1=O)C2C(CC)C3=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1C(=O)C2CCC3(O))C1O)C3=O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 19:
[18:21:37] CCC1C(=O)C2CCC3(O))C1O)C3=O)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(O))C1O)C3=O)C2=O' for input: 'CCC1C(=O)C2CCC3(O))C1O)C3=O)C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CC1C2CC3CCC45C(=O)CCC2CC(C=O)C13'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2CCC3(C=O)C(=O)N(CC)CC2CC(C3=O)(C4=O)C15'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCC1C((CC)C2CC(C=O)C13
[18:21:37] SMILES Parse Error: check for mistakes around position 7:
[18:21:37] CCC1C((CC)C2CC(C=O)C13
[18:21:37] ~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C((CC)C2CC(C=O)C13' for input: 'CCC1C((CC)C2CC(C=O)C13'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1C(=O)C2CCC3(C=O)C(=O)N=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=O)C13
[18:21:37] SMILES Parse Error: check for mistakes around position 29:
[18:21:37] )C2CCC3(C=O)C(=O)N=O)C2CCC3(C=O)C(=O)N(CC
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(C=O)C(=O)N=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=O)C13' for input: 'CCC1C(=O)C2CCC3(C=O)C(=O)N=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=O)C13'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C=O)C1(O)C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] (C=O)CCC2CCC(C=O)C=O)C1(O)C(CC)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C=O)C1(O)C(CC)C2=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C=O)C1(O)C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C1(O)C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 23:
[18:21:37] CC(=O)C1(C=O)CCC2CCC(C1(O)C(CC)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C1(O)C(CC)C2=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C1(O)C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C=O)C1(O)C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] (C=O)CCC2CCC(C=O)C=O)C1(O)C(CC)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C=O)C1(O)C(CC)C2=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C=O)C1(O)C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 23:
[18:21:37] CC(=O)C1(C=O)CCC2CCC(C1C(CC)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C1C(CC)C2=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC1C(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=OCCC(C=O)C13CCC3C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 35:
[18:21:37] 3(C=O)C(=O)N(CC)C2CC(C=OCCC(C=O)C13CCC3C2
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=OCCC(C=O)C13CCC3C2=O' for input: 'CCC1C(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=OCCC(C=O)C13CCC3C2=O'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2)C13
[18:21:37] SMILES Parse Error: check for mistakes around position 20:
[18:21:37] CCCC(=O)C1(C=O)CCC2)C13
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2)C13' for input: 'CCCC(=O)C1(C=O)CCC2)C13'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1CC(=O)C2(C=O)C=O)C(=O)N(CC)C2CC(C=O)C13
[18:21:37] SMILES Parse Error: check for mistakes around position 20:
[18:21:37] CC1CC(=O)C2(C=O)C=O)C(=O)N(CC)C2CC(C=O)C1
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1CC(=O)C2(C=O)C=O)C(=O)N(CC)C2CC(C=O)C13' for input: 'CC1CC(=O)C2(C=O)C=O)C(=O)N(CC)C2CC(C=O)C13'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC1C(=O)C2CCC3(CCC3CCC(C=O)C2C(C3=O)C1C
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CCC1C(=O)C2CCC3(CCC3CCC(C=O)C2C(C3=O)C1C
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(CCC3CCC(C=O)C2C(C3=O)C1C' for input: 'CCC1C(=O)C2CCC3(CCC3CCC(C=O)C2C(C3=O)C1C'
[18:21:37] Explicit valence for atom # 16 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2OC(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=O)C13
[18:21:37] SMILES Parse Error: check for mistakes around position 21:
[18:21:37] CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2OC(=O)
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2OC(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=O)C13
[18:21:37] SMILES Parse Error: check for mistakes around position 25:
[18:21:37] CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2OC(=O)C2CC
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2OC(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=O)C13' for input: 'CC12CCCC3C(=O)N1CCC1(CCC(CCCC(=O)C2OC(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=O)C13'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1)C1=O)C3=O
[18:21:37] SMILES Parse Error: check for mistakes around position 5:
[18:21:37] CCC1)C1=O)C3=O
[18:21:37] ~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1)C1=O)C3=O' for input: 'CCC1)C1=O)C3=O'
[18:21:37] Explicit valence for atom # 17 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCC1C(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=OCCC45C(=O)CCCC2CC(C3=O)(C4=O)C15
[18:21:37] SMILES Parse Error: check for mistakes around position 35:
[18:21:37] 3(C=O)C(=O)N(CC)C2CC(C=OCCC45C(=O)CCCC2CC
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=OCCC45C(=O)CCCC2CC(C3=O)(C4=O)C15' for input: 'CCC1C(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=OCCC45C(=O)CCCC2CC(C3=O)(C4=O)C15'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=CC1C2CC3)C13
[18:21:37] SMILES Parse Error: check for mistakes around position 11:
[18:21:37] O=CC1C2CC3)C13
[18:21:37] ~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=CC1C2CC3)C13' for input: 'O=CC1C2CC3)C13'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1C(=O)C2CCC3(C=O)C(=O5CC4(C5)C1O)C3=O)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 41:
[18:21:37] C(=O5CC4(C5)C1O)C3=O)C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(C=O)C(=O5CC4(C5)C1O)C3=O)C2=O' for input: 'CCC1C(=O)C2CCC3(C=O)C(=O5CC4(C5)C1O)C3=O)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: O=C1CCCC2CCC3(CCN4C(=O)C(CC)N(CC)C2CC(C=O)C13
[18:21:37] SMILES Parse Error: check for mistakes around position 14:
[18:21:37] O=C1CCCC2CCC3(CCN4C(=O)C(CC)N(CC)C2CC(C=O
[18:21:37] ~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=C1CCCC2CCC3(CCN4C(=O)C(CC)N(CC)C2CC(C=O)C13' for input: 'O=C1CCCC2CCC3(CCN4C(=O)C(CC)N(CC)C2CC(C=O)C13'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CCC1C(=O)C2CCC3)C1C(CC)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CCC1C(=O)C2CCC3)C1C(CC)C2=O
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3)C1C(CC)C2=O' for input: 'CCC1C(=O)C2CCC3)C1C(CC)C2=O'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O(C=O)C(=O)N(CC)C2CC(C=O)C13
[18:21:37] SMILES Parse Error: check for mistakes around position 23:
[18:21:37] CC(=O)C1(C=O)CCC2CCC(C=O(C=O)C(=O)N(CC)C2
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O(C=O)C(=O)N(CC)C2CC(C=O)C13' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O(C=O)C(=O)N(CC)C2CC(C=O)C13'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC(C=O)C(=O)CCCC2CC(C3=O)C41'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1(C=O)C2CC3CCC42CCC(C=O)C13CCC3C2=O'
[18:21:37] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2CCC3(C=O=O)C2CC3C(=O)C4CCCC15C2C3CN5C4=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=CCC1C(=O)CCCC(C)C(=O)N(CC)C2CC(C=O)C13'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: CC1(C=O)C2CC3=O)C1C
[18:21:37] SMILES Parse Error: check for mistakes around position 16:
[18:21:37] CC1(C=O)C2CC3=O)C1C
[18:21:37] ~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1(C=O)C2CC3=O)C1C' for input: 'CC1(C=O)C2CC3=O)C1C'
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CC1CC(=O)C2(C=O)CCC3CCC(C=O)C2C(C3CCC4(C=O)C(=O)CCCC2CC(C3=O)C41



最終結果:
最高スコア: 1.000
最良分子: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O

上位5分子:
1. スコア 1.000: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O
2. スコア 1.000: CCCC(=O)C12CCC3C(=O)C4CC(C)C41C(C=O)CC3C2=O
3. スコア 1.000: CCCC(=O)C1(C=O)COC2CCC(C=O)C13CCC3C2=O
4. スコア 1.000: CCCC(=O)C1(C=O)CCC2CCC(C=O)C13CCC3C2=O
5. スコア 1.000: CC1(C=O)C2C3CCCC(=O)C45CCC(C(=O)C(C3)C41)C2C5=O


[18:21:37] SMILES Parse Error: check for mistakes around position 32:
[18:21:37] (C=O)CCC3CCC(C=O)C2C(C3CCC4(C=O)C(=O)CCCC
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CC1CC(=O)C2(C=O)CCC3CCC(C=O)C2C(C3CCC4(C=O)C(=O)CCCC2CC(C3=O)C41' for input: 'CC1CC(=O)C2(C=O)CCC3CCC(C=O)C2C(C3CCC4(C=O)C(=O)CCCC2CC(C3=O)C41'
[18:21:37] Explicit valence for atom # 17 O, 3, is greater than permitted
[18:21:37] Explicit valence for atom # 15 N, 4, is greater than permitted
[18:21:37] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CCC3CCC45C(=O)CCCC2CC(C3=O)(C4=O)C15
[18:21:37] SMILES Parse Error: check for mistakes around position 31:
[18:21:37] (C=O)CCC2CCC(C=O)C1C(CCC3CCC45C(=O)CCCC2C
[18:21:37] ~~~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CCC3CCC45C(=O)CCCC2CC(C3=O)(C4=O)C15' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CCC3CCC45C(=O)CCCC2CC(C3=O)(C4=O)C15'
[18:21:37] SMILES Parse Error: extra close parentheses while parsing: O=C1CCC2C)C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 10:
[18:21:37] O=C1CCC2C)C2=O
[18:21:37] ~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'O=C1CCC2C)C2=O' for input: 'O=C1CCC2C)C2=O'
[18:21:37] SMILES Parse Error: syntax error while parsing: CCCC(=O)C12CCC3C(=)C1(O)C(C=O)CC3C2=O
[18:21:37] SMILES Parse Error: check for mistakes around position 19:
[18:21:37] CCCC(=O)C12CCC3C(=)C1(O)C(C=O)CC3C2=O
[18:21:37] ~~~~~~~~~~~~~~~~~~^
[18:21:37] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C12CCC3C(=)C1(O)C(C=O)CC3C2=O' for input: 'CCCC(=O)C12CCC3C(=)C1(O)C(C=O)CC3C2=O'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=O4=O)C15'
[18:21:37] SMILES Parse Error: unclosed ring for input: 'O=C1CCC2CC3CCC45C(=O)CCCC2CC(C3=O)(C)C13'
[18:21:37] Explicit valence for atom # 14 C, 5, is greater than permitted
[18:21:37] SMILES Parse Error: unclosed ring for input: 'CC1CC(=O)C2(C=O)CCC3CCC(C=O)C13CCC3C2=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C2C(C3=O)C1C'
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C12CCC3C(=O)C(CC)C1)C45CCC(C(=O)C(C3)C41)C2C5=O
[18:21:38] SMILES Parse Error: check for mistakes around position 28:
[18:21:38] )C12CCC3C(=O)C(CC)C1)C45CCC(C(=O)C(C3)C41
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C12CCC3C(=O)C(CC)C1)C45CCC(C(=O)C(C3)C41)C2C5=O' for input: 'CCCC(=O)C12CCC3C(=O)C(CC)C1)C45CCC(C(=O)C(C3)C41)C2C5=O'
[18:21:38] SMILES Parse Error: extra open parentheses while parsing: CC1(C=O)C2C3CCCC(=O(O)C(C=O)CC3C2=O
[18:21:38] SMILES Parse Error: check for mistakes around position 17:
[18:21:38] CC1(C=O)C2C3CCCC(=O(O)C(C=O)CC3C2=O
[18:21:38] ~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CC1(C=O)C2C3CCCC(=O(O)C(C=O)CC3C2=O' for input: 'CC1(C=O)C2C3CCCC(=O(O)C(C=O)CC3C2=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1CC3CCC(C=O)C2C(C3=O)C1C'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CC1CC(=O)C2(C=O)C(C=O)CCC2CCC(C=O)C13CCC3C2=O'
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CC1(C=O)C2CC3CC4C25CCCC(=O))C2CCC3(C=O)C(=O)N(CC)C2CC(C=O)C13
[18:21:38] SMILES Parse Error: check for mistakes around position 28:
[18:21:38] )C2CC3CC4C25CCCC(=O))C2CCC3(C=O)C(=O)N(CC
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CC1(C=O)C2CC3CC4C25CCCC(=O))C2CCC3(C=O)C(=O)N(CC)C2CC(C=O)C13' for input: 'CC1(C=O)C2CC3CC4C25CCCC(=O))C2CCC3(C=O)C(=O)N(CC)C2CC(C=O)C13'
[18:21:38] SMILES Parse Error: extra open parentheses while parsing: CCC1C(=OC4(C=O)C1C(C5)C3=O
[18:21:38] SMILES Parse Error: check for mistakes around position 6:
[18:21:38] CCC1C(=OC4(C=O)C1C(C5)C3=O
[18:21:38] ~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=OC4(C=O)C1C(C5)C3=O' for input: 'CCC1C(=OC4(C=O)C1C(C5)C3=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CC1(C=O)C2CC3CC4C25CCCC(=O)2=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)CC4(C=O)C1C(C5)C3=O'
[18:21:38] Explicit valence for atom # 2 N, 4, is greater than permitted
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CC1(C=O)C2CC3CC4C25C3=O)(C4=O)C15
[18:21:38] SMILES Parse Error: check for mistakes around position 24:
[18:21:38] (C=O)C2CC3CC4C25C3=O)(C4=O)C15
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CC1(C=O)C2CC3CC4C25C3=O)(C4=O)C15' for input: 'CC1(C=O)C2CC3CC4C25C3=O)(C4=O)C15'
[18:21:38] SMILES Parse Error: extra open parentheses while parsing: O=C1CCC2CC3CCC45C(=O)CCCC2CC(CCCC(=O)C4(C=O)C1C(C5)C3=O
[18:21:38] SMILES Parse Error: check for mistakes around position 29:
[18:21:38] CC3CCC45C(=O)CCCC2CC(CCCC(=O)C4(C=O)C1C(C
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'O=C1CCC2CC3CCC45C(=O)CCCC2CC(CCCC(=O)C4(C=O)C1C(C5)C3=O' for input: 'O=C1CCC2CC3CCC45C(=O)CCCC2CC(CCCC(=O)C4(C=O)C1C(C5)C3=O'
[18:21:38] SMILES Parse Error: syntax error while parsing: CC1(C=O)C2CC3CC4C25CCCC((C=O)C1C(CC)C2=O
[18:21:38] SMILES Parse Error: check for mistakes around position 25:
[18:21:38] C=O)C2CC3CC4C25CCCC((C=O)C1C(CC)C2=O
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CC1(C=O)C2CC3CC4C25CCCC((C=O)C1C(CC)C2=O' for input: 'CC1(C=O)C2CC3CC4C25CCCC((C=O)C1C(CC)C2=O'
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC=O)C4(C=O)C1C(C5)C3=O
[18:21:38] SMILES Parse Error: check for mistakes around position 25:
[18:21:38] (=O)C1(C=O)CCC2CCC=O)C4(C=O)C1C(C5)C3=O
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC=O)C4(C=O)C1C(C5)C3=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC=O)C4(C=O)C1C(C5)C3=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C13C14'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C23CCC4(C=O)C(=O)N(C2C)C3CC(C=O)CCC3C2=O'
[18:21:38] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:38] SMILES Parse Error: extra open parentheses while parsing: CC1(C=OCCC3C2=O
[18:21:38] SMILES Parse Error: check for mistakes around position 4:
[18:21:38] CC1(C=OCCC3C2=O
[18:21:38] ~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CC1(C=OCCC3C2=O' for input: 'CC1(C=OCCC3C2=O'
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C13)C2C3CCCC(=O)C45CCC(C(=O)C(C3)C41)C2C5=O
[18:21:38] SMILES Parse Error: check for mistakes around position 31:
[18:21:38] (C=O)CCC2CCC(C=O)C13)C2C3CCCC(=O)C45CCC(C
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C13)C2C3CCCC(=O)C45CCC(C(=O)C(C3)C41)C2C5=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C13)C2C3CCCC(=O)C45CCC(C(=O)C(C3)C41)C2C5=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C13CCC3CC3CCCC(=O)C45CCC(C(=O)C(C3)C41)C2C5=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CC1(C=O)C22=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C13CCC(C=O)C13CCC3C2=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC3C2=O'
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CC=O)C15
[18:21:38] SMILES Parse Error: check for mistakes around position 5:
[18:21:38] CC=O)C15
[18:21:38] ~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CC=O)C15' for input: 'CC=O)C15'
[18:21:38] SMILES Parse Error: extra open parentheses while parsing: O=C1CCC2CC3CCC45C(=O)CCCC2CC(C3=O)(C4CC(=O)C1(C=O)CCC2CCC(C=O)C13CCC3C2=O
[18:21:38] SMILES Parse Error: check for mistakes around position 35:
[18:21:38] 45C(=O)CCCC2CC(C3=O)(C4CC(=O)C1(C=O)CCC2C
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'O=C1CCC2CC3CCC45C(=O)CCCC2CC(C3=O)(C4CC(=O)C1(C=O)CCC2CCC(C=O)C13CCC3C2=O' for input: 'O=C1CCC2CC3CCC45C(=O)CCCC2CC(C3=O)(C4CC(=O)C1(C=O)CCC2CCC(C=O)C13CCC3C2=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2CCC3(C=O)CCCC2CC(C3=O)(C4=O)C15'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'O=C1CCC2CC3CCC45C(=O)C(=O)N(CC)C2CC(C=O)C13'
[18:21:38] SMILES Parse Error: syntax error while parsing: CCCC(=O)C1(C=(C=O)CCC2CCC(C=O)C13CCC3C2=O
[18:21:38] SMILES Parse Error: check for mistakes around position 14:
[18:21:38] CCCC(=O)C1(C=(C=O)CCC2CCC(C=O)C13CCC3C2=O
[18:21:38] ~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=(C=O)CCC2CCC(C=O)C13CCC3C2=O' for input: 'CCCC(=O)C1(C=(C=O)CCC2CCC(C=O)C13CCC3C2=O'
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1O)CCC2CCC(C=O)C13CCC3C2=O
[18:21:38] SMILES Parse Error: check for mistakes around position 12:
[18:21:38] CCCC(=O)C1O)CCC2CCC(C=O)C13CCC3C2=O
[18:21:38] ~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1O)CCC2CCC(C=O)C13CCC3C2=O' for input: 'CCCC(=O)C1O)CCC2CCC(C=O)C13CCC3C2=O'
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C13CCC)CCC2CCC(C=O)C13CCC3C2=O
[18:21:38] SMILES Parse Error: check for mistakes around position 34:
[18:21:38] O)CCC2CCC(C=O)C13CCC)CCC2CCC(C=O)C13CCC3C
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C13CCC)CCC2CCC(C=O)C13CCC3C2=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C13CCC)CCC2CCC(C=O)C13CCC3C2=O'
[18:21:38] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O3C2=O
[18:21:38] SMILES Parse Error: check for mistakes around position 11:
[18:21:38] CCCC(=O)C1(C=O3C2=O
[18:21:38] ~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O3C2=O' for input: 'CCCC(=O)C1(C=O3C2=O'
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CC)(C4=O)C15
[18:21:38] SMILES Parse Error: check for mistakes around position 3:
[18:21:38] CC)(C4=O)C15
[18:21:38] ~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CC)(C4=O)C15' for input: 'CC)(C4=O)C15'
[18:21:38] SMILES Parse Error: extra open parentheses while parsing: O=C1CCC2CC3CCC45C(=O)CCCC2CC(C3=OCC(=O)C1(C=O)CCC2CCC(C=O)C13CCC3C2=O
[18:21:38] SMILES Parse Error: check for mistakes around position 29:
[18:21:38] CC3CCC45C(=O)CCCC2CC(C3=OCC(=O)C1(C=O)CCC
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'O=C1CCC2CC3CCC45C(=O)CCCC2CC(C3=OCC(=O)C1(C=O)CCC2CCC(C=O)C13CCC3C2=O' for input: 'O=C1CCC2CC3CCC45C(=O)CCCC2CC(C3=OCC(=O)C1(C=O)CCC2CCC(C=O)C13CCC3C2=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C13C(=O)C1(C=O)CCC2CCC(C=O)C13CCC3C2=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCCCC3C2=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CC1CC(=O)C2(C=O)CCC3CCC(C=OO)C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:38] SMILES Parse Error: syntax error while parsing: CCCC(=)C2C(C3=O)C1C
[18:21:38] SMILES Parse Error: check for mistakes around position 7:
[18:21:38] CCCC(=)C2C(C3=O)C1C
[18:21:38] ~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCCC(=)C2C(C3=O)C1C' for input: 'CCCC(=)C2C(C3=O)C1C'
[18:21:38] SMILES Parse Error: extra open parentheses while parsing: CCC1C(=O2=O
[18:21:38] SMILES Parse Error: check for mistakes around position 6:
[18:21:38] CCC1C(=O2=O
[18:21:38] ~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O2=O' for input: 'CCC1C(=O2=O'
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C)C2CCC3(C=O)C(=O)N(CC)C2CC(C=O)C13
[18:21:38] SMILES Parse Error: check for mistakes around position 36:
[18:21:38] CCC2CCC(C=O)C1C(CC)C)C2CCC3(C=O)C(=O)N(CC
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C)C2CCC3(C=O)C(=O)N(CC)C2CC(C=O)C13' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C)C2CCC3(C=O)C(=O)N(CC)C2CC(C=O)C13'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C2C(=O)C1(C=O)CCC2CCC(C=O)C13CCC3C2=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCCCC3(C=O)C(=O)N(CC)C2CC(C=O)C13'
[18:21:38] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C12CC(C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O
[18:21:38] SMILES Parse Error: check for mistakes around position 14:
[18:21:38] CCCC(=O)C12CC(C1(C=O)CCC2CCC(C=O)C1C(CC)C
[18:21:38] ~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C12CC(C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O' for input: 'CCCC(=O)C12CC(C1(C=O)CCC2CCC(C=O)C1C(CC)C2=O'
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1=O)C1CCC(C=O)C23CCC3C1=O
[18:21:38] SMILES Parse Error: check for mistakes around position 13:
[18:21:38] CCCC(=O)C1=O)C1CCC(C=O)C23CCC3C1=O
[18:21:38] ~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1=O)C1CCC(C=O)C23CCC3C1=O' for input: 'CCCC(=O)C1=O)C1CCC(C=O)C23CCC3C1=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2C(=O)C3C4CC31C(C=O)C12CC(C1=O)C1CCC(C=O)C23CCC3C1=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)CC24'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(C)C3=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CC1(C=O)C2CC3CC4C25CCCC(=O)C4(C=O)C1C(C5C)C2=O'
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CC1(C=O)C2C3CCCC(=O)C45CCC(C(=O)C(C3)C41)C2C5O)N(CC)C2CC(C=O)C13
[18:21:38] SMILES Parse Error: check for mistakes around position 47:
[18:21:38] (C(=O)C(C3)C41)C2C5O)N(CC)C2CC(C=O)C13
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CC1(C=O)C2C3CCCC(=O)C45CCC(C(=O)C(C3)C41)C2C5O)N(CC)C2CC(C=O)C13' for input: 'CC1(C=O)C2C3CCCC(=O)C45CCC(C(=O)C(C3)C41)C2C5O)N(CC)C2CC(C=O)C13'
[18:21:38] SMILES Parse Error: syntax error while parsing: CCC1C(=O)C2CCC3(C=O)C(==O
[18:21:38] SMILES Parse Error: check for mistakes around position 24:
[18:21:38] 1C(=O)C2CCC3(C=O)C(==O
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(C=O)C(==O' for input: 'CCC1C(=O)C2CCC3(C=O)C(==O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C13CCC(=O)C45CCC(C(=O)C(C3)C41)C2C5=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CC1(C=O)C2C3CCCC3C2=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C13C4(C=O)C(=O)N(CC)C2CC(C3=O)C14'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C23CCC(C)CC3C2=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2C(=O)C3C4CC31C23CCC3C1=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C12CC(C1=O)C1CCC(C=O)C(C=O)CC24'
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C13C(C)CC=O)C4(C=O)C1C(C5)C3=O
[18:21:38] SMILES Parse Error: check for mistakes around position 39:
[18:21:38] 2CCC(C=O)C13C(C)CC=O)C4(C=O)C1C(C5)C3=O
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C13C(C)CC=O)C4(C=O)C1C(C5)C3=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C13C(C)CC=O)C4(C=O)C1C(C5)C3=O'
[18:21:38] SMILES Parse Error: syntax error while parsing: CC1(C=O)C2CC3CC4C25CCCC(3C2=O
[18:21:38] SMILES Parse Error: check for mistakes around position 25:
[18:21:38] C=O)C2CC3CC4C25CCCC(3C2=O
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CC1(C=O)C2CC3CC4C25CCCC(3C2=O' for input: 'CC1(C=O)C2CC3CC4C25CCCC(3C2=O'
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CCC1C(=O)C2CO)C1(C=O)CCC2CCC(C=O)C13C(C)CC3C2=O
[18:21:38] SMILES Parse Error: check for mistakes around position 14:
[18:21:38] CCC1C(=O)C2CO)C1(C=O)CCC2CCC(C=O)C13C(C)C
[18:21:38] ~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CO)C1(C=O)CCC2CCC(C=O)C13C(C)CC3C2=O' for input: 'CCC1C(=O)C2CO)C1(C=O)CCC2CCC(C=O)C13C(C)CC3C2=O'
[18:21:38] SMILES Parse Error: extra open parentheses while parsing: CCCC(=CC3(C=O)C(=O)N(CC)C2CC(C=O)C13
[18:21:38] SMILES Parse Error: check for mistakes around position 5:
[18:21:38] CCCC(=CC3(C=O)C(=O)N(CC)C2CC(C=O)C13
[18:21:38] ~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCCC(=CC3(C=O)C(=O)N(CC)C2CC(C=O)C13' for input: 'CCCC(=CC3(C=O)C(=O)N(CC)C2CC(C=O)C13'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC3C2=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C13C(C)C1C(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=O)C13'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CC(=O)N(CC)C2CC(C3=O)C14'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C23CCC4(C=O)CC2CCC(C=O)C1C(CC)C2=O'
[18:21:38] Explicit valence for atom # 15 O, 3, is greater than permitted
[18:21:38] SMILES Parse Error: syntax error while parsing: CCC1C(=O)C2CCC3(C=O)C(4(C=O)C1C(C5)C3=O
[18:21:38] SMILES Parse Error: check for mistakes around position 23:
[18:21:38] C1C(=O)C2CCC3(C=O)C(4(C=O)C1C(C5)C3=O
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(C=O)C(4(C=O)C1C(C5)C3=O' for input: 'CCC1C(=O)C2CCC3(C=O)C(4(C=O)C1C(C5)C3=O'
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CC1(C=O)C2CC3CC4C25CCCC(=O)C=O)N(CC)C2CC(C=O)C13
[18:21:38] SMILES Parse Error: check for mistakes around position 31:
[18:21:38] CC3CC4C25CCCC(=O)C=O)N(CC)C2CC(C=O)C13
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CC1(C=O)C2CC3CC4C25CCCC(=O)C=O)N(CC)C2CC(C=O)C13' for input: 'CC1(C=O)C2CC3CC4C25CCCC(=O)C=O)N(CC)C2CC(C=O)C13'
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CC1(C=O)C2O)CCC2CCC(C=O)C13CCC3C2=O
[18:21:38] SMILES Parse Error: check for mistakes around position 12:
[18:21:38] CC1(C=O)C2O)CCC2CCC(C=O)C13CCC3C2=O
[18:21:38] ~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CC1(C=O)C2O)CCC2CCC(C=O)C13CCC3C2=O' for input: 'CC1(C=O)C2O)CCC2CCC(C=O)C13CCC3C2=O'
[18:21:38] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=C3CCCC(=O)C45CCC(C(=O)C(C3)C41)C2C5=O
[18:21:38] SMILES Parse Error: check for mistakes around position 11:
[18:21:38] CCCC(=O)C1(C=C3CCCC(=O)C45CCC(C(=O)C(C3)C
[18:21:38] ~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=C3CCCC(=O)C45CCC(C(=O)C(C3)C41)C2C5=O' for input: 'CCCC(=O)C1(C=C3CCCC(=O)C45CCC(C(=O)C(C3)C41)C2C5=O'
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CC1(C=O)C2CC3CC4C25CCCC(=O)C4(C=O)C1C(C5)2CCC(C=O)C13CCC3C2=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCCC3=O'
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CC1(C=O)C2CC3CC4C25CCCC(=O)C4(C=O)C1C(C5)C3(C3)C41)C2C5=O
[18:21:38] SMILES Parse Error: check for mistakes around position 51:
[18:21:38] C=O)C1C(C5)C3(C3)C41)C2C5=O
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CC1(C=O)C2CC3CC4C25CCCC(=O)C4(C=O)C1C(C5)C3(C3)C41)C2C5=O' for input: 'CC1(C=O)C2CC3CC4C25CCCC(=O)C4(C=O)C1C(C5)C3(C3)C41)C2C5=O'
[18:21:38] SMILES Parse Error: extra open parentheses while parsing: CC1(C=O)C2C3CCCC(=O)C45CCC(C(=O)C=O
[18:21:38] SMILES Parse Error: check for mistakes around position 27:
[18:21:38] O)C2C3CCCC(=O)C45CCC(C(=O)C=O
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CC1(C=O)C2C3CCCC(=O)C45CCC(C(=O)C=O' for input: 'CC1(C=O)C2C3CCCC(=O)C45CCC(C(=O)C=O'
[18:21:38] Explicit valence for atom # 19 O, 3, is greater than permitted
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC22=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C13CCC3CCCC(C=O)C13CCC3C2=O'
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CC1(C=O)C2CC3CC4C25CCCC(=O)C4(C=O)C1C13C(C)CC3C2=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C(C5)C3=O'
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=C41)C2C5=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CC1(C=O)C2C3CCCC(=O)C45CCC(C(=O)C(C3)O)CCC2CCC(C=O)C13CCC3C2=O'
[18:21:38] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C(C=O)C13C(C)CC3C2=O
[18:21:38] SMILES Parse Error: check for mistakes around position 23:
[18:21:38] CC(=O)C1(C=O)CCC2CCC(C(C=O)C13C(C)CC3C2=O
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C(C=O)C13C(C)CC3C2=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C(C=O)C13C(C)CC3C2=O'
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC=O)C13CCC3C2=O
[18:21:38] SMILES Parse Error: check for mistakes around position 25:
[18:21:38] (=O)C1(C=O)CCC2CCC=O)C13CCC3C2=O
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC=O)C13CCC3C2=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC=O)C13CCC3C2=O'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCC1C(=O)C23CCC4(C=O)C(=O)N(CO)C3C4CC31C(C=O)CC24'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2C(=C)C2CC(C3=O)C14'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CC1(C=O)C2CC3CC4C23C4CC31C(C=O)CC24'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C1(C=O)CCC2C(=O)C5CCCC(=O)C4(C=O)C1C(C5)C3=O'
[18:21:38] Explicit valence for atom # 10 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 21 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 6 C, 5, is greater than permitted
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C=O)CCC2CCC(C=O)C13CCC3C2=O
[18:21:38] SMILES Parse Error: check for mistakes around position 38:
[18:21:38] C2CCC(C=O)C1C(CC)C=O)CCC2CCC(C=O)C13CCC3C
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C=O)CCC2CCC(C=O)C13CCC3C2=O' for input: 'CCCC(=O)C1(C=O)CCC2CCC(C=O)C1C(CC)C=O)CCC2CCC(C=O)C13CCC3C2=O'
[18:21:38] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C1(C2=O
[18:21:38] SMILES Parse Error: check for mistakes around position 11:
[18:21:38] CCCC(=O)C1(C2=O
[18:21:38] ~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C1(C2=O' for input: 'CCCC(=O)C1(C2=O'
[18:21:38] SMILES Parse Error: extra close parentheses while parsing: CCC1C(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=O)O)C1CCC(C=O)C23CCC3C1=O
[18:21:38] SMILES Parse Error: check for mistakes around position 41:
[18:21:38] C(=O)N(CC)C2CC(C=O)O)C1CCC(C=O)C23CCC3C1=
[18:21:38] ~~~~~~~~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCC1C(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=O)O)C1CCC(C=O)C23CCC3C1=O' for input: 'CCC1C(=O)C2CCC3(C=O)C(=O)N(CC)C2CC(C=O)O)C1CCC(C=O)C23CCC3C1=O'
[18:21:38] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O)C12CC(C1=C13
[18:21:38] SMILES Parse Error: check for mistakes around position 14:
[18:21:38] CCCC(=O)C12CC(C1=C13
[18:21:38] ~~~~~~~~~~~~~^
[18:21:38] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O)C12CC(C1=C13' for input: 'CCCC(=O)C12CC(C1=C13'
[18:21:38] SMILES Parse Error: unclosed ring for input: 'CCCC(=O)C12CC(CO)C2CC3CC4C25CCCC(=O)C4(C=O)C1C(C5)C3=O'
[18:21:38] SMILES Parse Error: ring closure 1 duplicates bond between atom 1 and atom 2 for input: 'CC1(C=1=O)C1CCC(C=O)C23CCC3C1=O'

4. シミュレーテッドアニーリング(SA)

シミュレーテッドアニーリングは物理学の焼きなまし過程を模倣した最適化手法です。温度パラメータによって悪化する解の受容確率を制御し、局所最適解からの脱出を可能にします。

 1
 2
 3
 4
 5
 6
 7
 8
 9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
26
27
28
29
30
31
32
33
34
35
36
37
38
39
40
41
42
43
44
45
46
47
48
49
50
51
52
53
54
55
56
57
58
59
60
61
62
63
64
65
66
67
68
69
70
71
72
73
74
75
76
77
78
79
80
81
82
83
84
85
86
87
88
89
90
91
92
93
94
95
96
97
98
99
# シミュレーテッドアニーリングの実装
class SimulatedAnnealing:
    """シミュレーテッドアニーリングによる分子最適化"""
    
    def __init__(self, objective_func, initial_temp=100.0, final_temp=0.1, 
                 cooling_rate=0.95, max_iterations=1000):
        self.objective_func = objective_func
        self.initial_temp = initial_temp
        self.final_temp = final_temp
        self.cooling_rate = cooling_rate
        self.max_iterations = max_iterations
        self.mutations = MolecularMutations()
    
    def acceptance_probability(self, current_score, new_score, temperature):
        """受容確率を計算"""
        if new_score > current_score:
            return 1.0  # より良い解は必ず受容
        else:
            return np.exp((new_score - current_score) / temperature)
    
    def optimize(self, initial_smiles):
        """シミュレーテッドアニーリング最適化を実行"""
        current_mol = Chem.MolFromSmiles(initial_smiles)
        current_smiles = initial_smiles
        current_score = self.objective_func.evaluate_molecule(current_smiles)
        
        best_mol = current_mol
        best_smiles = current_smiles
        best_score = current_score
        
        temperature = self.initial_temp
        
        history = {
            'iterations': [],
            'temperatures': [],
            'current_scores': [],
            'best_scores': [],
            'accepted': [],
            'molecules': []
        }
        
        iteration = 0
        while temperature > self.final_temp and iteration < self.max_iterations:
            # 近傍解の生成
            mutations = self.mutations.get_valid_mutations(current_mol)
            
            if mutations:
                mutation = random.choice(mutations)
                new_mol = self.mutations.apply_mutation(current_mol, mutation)
                
                if new_mol is not None:
                    new_smiles = Chem.MolToSmiles(new_mol)
                    new_score = self.objective_func.evaluate_molecule(new_smiles)
                    
                    # 受容判定
                    accept_prob = self.acceptance_probability(current_score, new_score, temperature)
                    accept = random.random() < accept_prob
                    
                    if accept:
                        current_mol = new_mol
                        current_smiles = new_smiles
                        current_score = new_score
                        
                        # 最良解の更新
                        if new_score > best_score:
                            best_mol = new_mol
                            best_smiles = new_smiles
                            best_score = new_score
                    
                    # 履歴の記録
                    history['iterations'].append(iteration)
                    history['temperatures'].append(temperature)
                    history['current_scores'].append(current_score)
                    history['best_scores'].append(best_score)
                    history['accepted'].append(accept)
                    history['molecules'].append(current_smiles)
            
            # 温度の降下
            temperature *= self.cooling_rate
            iteration += 1
        
        return history, best_smiles, best_score

# シミュレーテッドアニーリングのテスト
sa = SimulatedAnnealing(objective, initial_temp=50.0, final_temp=0.01, 
                       cooling_rate=0.98, max_iterations=500)

print("シミュレーテッドアニーリングによる分子最適化:")
print("=" * 50)

initial_mol = "c1ccccc1"  # ベンゼンから開始
print(f"初期分子: {initial_mol}")

sa_history, sa_best_smiles, sa_best_score = sa.optimize(initial_mol)

print(f"\n最適化結果:")
print(f"最良分子: {sa_best_smiles}")
print(f"最高スコア: {sa_best_score:.3f}")
print(f"実行ステップ数: {len(sa_history['iterations'])}")
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 2 3 5
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1 2 3 4 5
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 2 4 5
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 3 4 5
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 2 4 5
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 2 3 4 5
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1 2 3 4 5
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 3 4 5
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 3 4 5
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 3 4 5
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1 2 3 4 5
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1 2 3 4 5
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 2 3 4 5
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 2 4 5
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 2 3 4
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1 2 3 4 5
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 2 3 4 5
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 2 3 4
[18:21:38] Explicit valence for atom # 1 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 1 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 1 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 1 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 7 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 1 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 6
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 2 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 6
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 7
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 6
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 6 N, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 6 O, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 6 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 6 O, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 6 N, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 6
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 2 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 6 N, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 7
[18:21:38] Explicit valence for atom # 6 N, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 6
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 7
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 7
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 6 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 6
[18:21:38] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 2 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 6
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 7
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 7
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 6
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 7
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 7
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 6
[18:21:38] Explicit valence for atom # 6 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 2 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 6 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 6 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 6 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 9 O, 3, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 8 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 6 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 6
[18:21:38] Explicit valence for atom # 6 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 9 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 8 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 6 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 6 N, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 6 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 9 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 9 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 6
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 9 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 6 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 8 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 8 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 8 O, 3, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 8 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 8 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 6 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0 1 6
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 6 O, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 6 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 8 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 6 N, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted
[18:21:38] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 C, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted
[18:21:38] Can't kekulize mol.  Unkekulized atoms: 0
[18:21:38] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 8 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 9 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 7 N, 5, is greater than permitted


シミュレーテッドアニーリングによる分子最適化:
==================================================
初期分子: c1ccccc1

最適化結果:
最良分子: CCc1c2nc-2c2c1N2
最高スコア: 0.856
実行ステップ数: 17

5. 最適化手法の比較と可視化

  1
  2
  3
  4
  5
  6
  7
  8
  9
 10
 11
 12
 13
 14
 15
 16
 17
 18
 19
 20
 21
 22
 23
 24
 25
 26
 27
 28
 29
 30
 31
 32
 33
 34
 35
 36
 37
 38
 39
 40
 41
 42
 43
 44
 45
 46
 47
 48
 49
 50
 51
 52
 53
 54
 55
 56
 57
 58
 59
 60
 61
 62
 63
 64
 65
 66
 67
 68
 69
 70
 71
 72
 73
 74
 75
 76
 77
 78
 79
 80
 81
 82
 83
 84
 85
 86
 87
 88
 89
 90
 91
 92
 93
 94
 95
 96
 97
 98
 99
100
101
102
103
104
# 各最適化手法の性能を比較
plt.rcParams['font.family'] = "Noto Sans CJK JP"

# 共通の初期分子で比較
comparison_initial = "CCO"

# ヒルクライミング
hc_comp = HillClimbing(objective, max_iterations=50)
hc_result = hc_comp.optimize(comparison_initial)

# シミュレーテッドアニーリング
sa_comp = SimulatedAnnealing(objective, initial_temp=20.0, final_temp=0.1, 
                            cooling_rate=0.95, max_iterations=50)
sa_result, sa_best, sa_score = sa_comp.optimize(comparison_initial)

# 遺伝的アルゴリズム(少世代で比較)
ga_comp = GeneticAlgorithm(objective, population_size=10, generations=20)
ga_result, ga_pop = ga_comp.optimize([comparison_initial] * 5)

# 結果の可視化
fig, axes = plt.subplots(2, 2, figsize=(16, 12))

# 1. ヒルクライミングの進化
hc_iterations = [step['iteration'] for step in hc_result]
hc_scores = [step['score'] for step in hc_result]

axes[0, 0].plot(hc_iterations, hc_scores, 'bo-', linewidth=2, markersize=6)
axes[0, 0].set_xlabel('反復回数')
axes[0, 0].set_ylabel('スコア')
axes[0, 0].set_title('ヒルクライミング法')
axes[0, 0].grid(True, alpha=0.3)

# 2. シミュレーテッドアニーリングの進化
if sa_result['iterations']:
    axes[0, 1].plot(sa_result['iterations'], sa_result['current_scores'], 
                   'g-', alpha=0.7, label='現在解')
    axes[0, 1].plot(sa_result['iterations'], sa_result['best_scores'], 
                   'r-', linewidth=2, label='最良解')
    axes[0, 1].set_xlabel('反復回数')
    axes[0, 1].set_ylabel('スコア')
    axes[0, 1].set_title('シミュレーテッドアニーリング')
    axes[0, 1].legend()
    axes[0, 1].grid(True, alpha=0.3)

# 3. 遺伝的アルゴリズムの進化
axes[1, 0].plot(ga_result['generations'], ga_result['best_scores'], 
               'ro-', linewidth=2, label='最良個体')
axes[1, 0].plot(ga_result['generations'], ga_result['avg_scores'], 
               'bo-', linewidth=1, alpha=0.7, label='平均')
axes[1, 0].set_xlabel('世代数')
axes[1, 0].set_ylabel('スコア')
axes[1, 0].set_title('遺伝的アルゴリズム')
axes[1, 0].legend()
axes[1, 0].grid(True, alpha=0.3)

# 4. 温度変化(SA)
if sa_result['iterations']:
    ax_temp = axes[1, 1]
    ax_score = ax_temp.twinx()
    
    line1 = ax_temp.plot(sa_result['iterations'], sa_result['temperatures'], 
                        'b-', linewidth=2, label='温度')
    line2 = ax_score.plot(sa_result['iterations'], sa_result['best_scores'], 
                         'r-', linewidth=2, label='最良スコア')
    
    ax_temp.set_xlabel('反復回数')
    ax_temp.set_ylabel('温度', color='b')
    ax_score.set_ylabel('スコア', color='r')
    ax_temp.set_title('SA: 温度とスコアの変化')
    
    # 凡例をまとめる
    lines = line1 + line2
    labels = [l.get_label() for l in lines]
    ax_temp.legend(lines, labels, loc='upper right')

plt.tight_layout()
plt.show()

# 最終結果の比較表
comparison_results = {
    'ヒルクライミング': {
        'final_score': hc_scores[-1] if hc_scores else 0,
        'iterations': len(hc_result),
        'final_molecule': hc_result[-1]['smiles'] if hc_result else None
    },
    'シミュレーテッドアニーリング': {
        'final_score': sa_score,
        'iterations': len(sa_result['iterations']),
        'final_molecule': sa_best
    },
    '遺伝的アルゴリズム': {
        'final_score': ga_result['best_scores'][-1] if ga_result['best_scores'] else 0,
        'iterations': ga_result['generations'][-1] if ga_result['generations'] else 0,
        'final_molecule': ga_result['best_molecules'][-1] if ga_result['best_molecules'] else None
    }
}

print("\n最適化手法の比較結果:")
print("=" * 60)
for method, result in comparison_results.items():
    print(f"\n{method}:")
    print(f"  最終スコア: {result['final_score']:.3f}")
    print(f"  実行回数/世代: {result['iterations']}")
    print(f"  最終分子: {result['final_molecule']}")
[18:21:38] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:38] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:38] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 7 N, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:39] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:39] SMILES Parse Error: unclosed ring for input: 'CCCCNCCOO1'
[18:21:39] SMILES Parse Error: unclosed ring for input: 'CCCCNC1CCCOO'
[18:21:39] SMILES Parse Error: unclosed ring for input: 'CCCCCCOO1'
[18:21:39] SMILES Parse Error: ring closure 1 duplicates bond between atom 2 and atom 3 for input: 'CCC1C1CC1CCCCOO'
[18:21:39] Explicit valence for atom # 9 O, 3, is greater than permitted
[18:21:39] SMILES Parse Error: extra open parentheses while parsing: CCCCC1C2CC(OCCNOO
[18:21:39] SMILES Parse Error: check for mistakes around position 11:
[18:21:39] CCCCC1C2CC(OCCNOO
[18:21:39] ~~~~~~~~~~^
[18:21:39] SMILES Parse Error: Failed parsing SMILES 'CCCCC1C2CC(OCCNOO' for input: 'CCCCC1C2CC(OCCNOO'
[18:21:39] SMILES Parse Error: extra close parentheses while parsing: CCO)C12
[18:21:39] SMILES Parse Error: check for mistakes around position 4:
[18:21:39] CCO)C12
[18:21:39] ~~~^
[18:21:39] SMILES Parse Error: Failed parsing SMILES 'CCO)C12' for input: 'CCO)C12'
[18:21:39] SMILES Parse Error: unclosed ring for input: 'CCCCC1CC11COO'
[18:21:39] SMILES Parse Error: unclosed ring for input: 'CCCC(O)CCCC1CCCCOO'
[18:21:39] SMILES Parse Error: unclosed ring for input: 'CCCCC1C2OO'
[18:21:39] SMILES Parse Error: unclosed ring for input: 'CCCC(O)CCCC1CC1CCC(OO)C12'
[18:21:39] SMILES Parse Error: extra close parentheses while parsing: CCCC(O)CCCC1CCO)C12
[18:21:39] SMILES Parse Error: check for mistakes around position 16:
[18:21:39] CCCC(O)CCCC1CCO)C12
[18:21:39] ~~~~~~~~~~~~~~~^
[18:21:39] SMILES Parse Error: Failed parsing SMILES 'CCCC(O)CCCC1CCO)C12' for input: 'CCCC(O)CCCC1CCO)C12'
[18:21:39] SMILES Parse Error: extra open parentheses while parsing: CCCCC1C2CC(O1COO
[18:21:39] SMILES Parse Error: check for mistakes around position 11:
[18:21:39] CCCCC1C2CC(O1COO
[18:21:39] ~~~~~~~~~~^
[18:21:39] SMILES Parse Error: Failed parsing SMILES 'CCCCC1C2CC(O1COO' for input: 'CCCCC1C2CC(O1COO'
[18:21:39] SMILES Parse Error: extra open parentheses while parsing: CCCC(OCC1COO
[18:21:39] SMILES Parse Error: check for mistakes around position 5:
[18:21:39] CCCC(OCC1COO
[18:21:39] ~~~~^
[18:21:39] SMILES Parse Error: Failed parsing SMILES 'CCCC(OCC1COO' for input: 'CCCC(OCC1COO'
[18:21:39] SMILES Parse Error: extra close parentheses while parsing: CCCCCC1)CC(O)CCCC1CC1COO
[18:21:39] SMILES Parse Error: check for mistakes around position 8:
[18:21:39] CCCCCC1)CC(O)CCCC1CC1COO
[18:21:39] ~~~~~~~^
[18:21:39] SMILES Parse Error: Failed parsing SMILES 'CCCCCC1)CC(O)CCCC1CC1COO' for input: 'CCCCCC1)CC(O)CCCC1CC1COO'
[18:21:39] SMILES Parse Error: unclosed ring for input: 'CCCCCC1CCCOO'
[18:21:39] SMILES Parse Error: unclosed ring for input: 'CCCCC1CC1C1COO'
[18:21:39] SMILES Parse Error: unclosed ring for input: 'CCCCC1COO'
[18:21:39] SMILES Parse Error: unclosed ring for input: 'CCCCCC1CC1CC1CCOO'
[18:21:39] SMILES Parse Error: unclosed ring for input: 'CCCCC1CCC1CC1COO'
[18:21:39] SMILES Parse Error: unclosed ring for input: 'CCCC2CC(OO)C12'
[18:21:39] SMILES Parse Error: duplicated ring closure 1 bonds atom 8 to itself for input: 'CCCC(O)CCCC11CCOO'
[18:21:39] SMILES Parse Error: extra close parentheses while parsing: CCCCC1O)CCCC1CC1COO
[18:21:39] SMILES Parse Error: check for mistakes around position 8:
[18:21:39] CCCCC1O)CCCC1CC1COO
[18:21:39] ~~~~~~~^
[18:21:39] SMILES Parse Error: Failed parsing SMILES 'CCCCC1O)CCCC1CC1COO' for input: 'CCCCC1O)CCCC1CC1COO'
[18:21:39] SMILES Parse Error: extra open parentheses while parsing: CCCC(CC1CCOO
[18:21:39] SMILES Parse Error: check for mistakes around position 5:
[18:21:39] CCCC(CC1CCOO
[18:21:39] ~~~~^
[18:21:39] SMILES Parse Error: Failed parsing SMILES 'CCCC(CC1CCOO' for input: 'CCCC(CC1CCOO'
[18:21:39] SMILES Parse Error: extra close parentheses while parsing: CCCCNOO)C12
[18:21:39] SMILES Parse Error: check for mistakes around position 8:
[18:21:39] CCCCNOO)C12
[18:21:39] ~~~~~~~^
[18:21:39] SMILES Parse Error: Failed parsing SMILES 'CCCCNOO)C12' for input: 'CCCCNOO)C12'
[18:21:39] SMILES Parse Error: extra open parentheses while parsing: CCCCC1C2CC(OO
[18:21:39] SMILES Parse Error: check for mistakes around position 11:
[18:21:39] CCCCC1C2CC(OO
[18:21:39] ~~~~~~~~~~^
[18:21:39] SMILES Parse Error: Failed parsing SMILES 'CCCCC1C2CC(OO' for input: 'CCCCC1C2CC(OO'
[18:21:39] SMILES Parse Error: ring closure 1 duplicates bond between atom 4 and atom 5 for input: 'CCCCC1C1CC1CCOO'
[18:21:39] SMILES Parse Error: unclosed ring for input: 'CCCCCC1CCOO'

png

最適化手法の比較結果:
============================================================

ヒルクライミング:
  最終スコア: 1.000
  実行回数/世代: 20
  最終分子: COC(C(C)(C)C)(C(C)(C)C(C)(C)O)C(O)(O)C(C)(C)C

シミュレーテッドアニーリング:
  最終スコア: 0.000
  実行回数/世代: 4
  最終分子: CCO

遺伝的アルゴリズム:
  最終スコア: 0.913
  実行回数/世代: 19
  最終分子: CCCC(O)CCCC1CC1COO

6. 多目的最適化

実際の創薬では、活性、選択性、薬物動態、毒性など複数の目標を同時に最適化する必要があります。パレート最適化の概念を実装します。

  1
  2
  3
  4
  5
  6
  7
  8
  9
 10
 11
 12
 13
 14
 15
 16
 17
 18
 19
 20
 21
 22
 23
 24
 25
 26
 27
 28
 29
 30
 31
 32
 33
 34
 35
 36
 37
 38
 39
 40
 41
 42
 43
 44
 45
 46
 47
 48
 49
 50
 51
 52
 53
 54
 55
 56
 57
 58
 59
 60
 61
 62
 63
 64
 65
 66
 67
 68
 69
 70
 71
 72
 73
 74
 75
 76
 77
 78
 79
 80
 81
 82
 83
 84
 85
 86
 87
 88
 89
 90
 91
 92
 93
 94
 95
 96
 97
 98
 99
100
101
102
103
104
105
106
107
108
109
110
111
112
113
114
115
116
117
118
119
120
121
122
123
124
125
126
127
128
129
# 多目的最適化のためのパレート最適解の実装
class MultiObjectiveOptimization:
    """多目的最適化クラス"""
    
    def __init__(self):
        self.objectives = {
            'drug_likeness': MolecularObjective(),
            'synthetic_accessibility': self.synthetic_accessibility_score,
            'diversity': self.diversity_score
        }
        self.reference_molecules = []
    
    def synthetic_accessibility_score(self, smiles):
        """合成容易性スコア(簡易版)"""
        mol = Chem.MolFromSmiles(smiles)
        if mol is None:
            return 0.0
        
        # 分子量に基づく簡単な近似
        mw = Descriptors.MolWt(mol)
        ring_count = Descriptors.RingCount(mol)
        
        # 中程度の分子量で環数が少ないほど合成しやすいと仮定
        mw_score = max(0, 1.0 - abs(mw - 350) / 350)
        ring_score = max(0, 1.0 - ring_count / 5.0)
        
        return (mw_score + ring_score) / 2.0
    
    def diversity_score(self, smiles):
        """多様性スコア(他の分子との非類似性)"""
        if not self.reference_molecules:
            return 1.0
        
        mol = Chem.MolFromSmiles(smiles)
        if mol is None:
            return 0.0
        
        fp = AllChem.GetMorganFingerprintAsBitVect(mol, 2)
        similarities = []
        
        for ref_smiles in self.reference_molecules:
            ref_mol = Chem.MolFromSmiles(ref_smiles)
            if ref_mol is not None:
                ref_fp = AllChem.GetMorganFingerprintAsBitVect(ref_mol, 2)
                sim = TanimotoSimilarity(fp, ref_fp)
                similarities.append(sim)
        
        # 最大類似度の逆数を多様性とする
        if similarities:
            return 1.0 - max(similarities)
        else:
            return 1.0
    
    def evaluate_multi_objective(self, smiles):
        """多目的評価を実行"""
        scores = {}
        for obj_name, obj_func in self.objectives.items():
            if obj_name == 'drug_likeness':
                scores[obj_name] = obj_func.evaluate_molecule(smiles)
            else:
                scores[obj_name] = obj_func(smiles)
        
        return scores
    
    def is_pareto_dominant(self, scores1, scores2):
        """scores1がscores2をパレート支配するかチェック"""
        better_in_at_least_one = False
        
        for obj in scores1:
            if scores1[obj] < scores2[obj]:
                return False
            elif scores1[obj] > scores2[obj]:
                better_in_at_least_one = True
        
        return better_in_at_least_one
    
    def find_pareto_front(self, molecules_scores):
        """パレート最適解集合を求める"""
        pareto_front = []
        
        for i, (mol1, scores1) in enumerate(molecules_scores):
            is_dominated = False
            
            for j, (mol2, scores2) in enumerate(molecules_scores):
                if i != j and self.is_pareto_dominant(scores2, scores1):
                    is_dominated = True
                    break
            
            if not is_dominated:
                pareto_front.append((mol1, scores1))
        
        return pareto_front

# 多目的最適化のテスト
multi_opt = MultiObjectiveOptimization()

# テスト分子群
test_molecules_multi = [
    "CCO",
    "CC(=O)OC1=CC=CC=C1C(=O)O",  # アスピリン
    "CC(C)CC1=CC=C(C=C1)C(C)C(=O)O",  # イブプロフェン
    "CN1C=NC2=C1C(=O)N(C(=O)N2C)C",  # カフェイン
    "c1ccc2c(c1)c(cn2)CCN",  # トリプタミン
    "CC1=CC=C(C=C1)C(C)C(=O)O",  # 簡単なプロフェン誘導体
]

# 各分子の多目的評価
print("多目的最適化の評価:")
print("=" * 60)

molecules_with_scores = []
for smiles in test_molecules_multi:
    scores = multi_opt.evaluate_multi_objective(smiles)
    molecules_with_scores.append((smiles, scores))
    
    print(f"\n分子: {smiles}")
    for obj_name, score in scores.items():
        print(f"  {obj_name}: {score:.3f}")

# パレート最適解の特定
pareto_front = multi_opt.find_pareto_front(molecules_with_scores)

print(f"\nパレート最適解 ({len(pareto_front)} 分子):")
print("=" * 40)
for i, (smiles, scores) in enumerate(pareto_front, 1):
    print(f"{i}. {smiles}")
    for obj_name, score in scores.items():
        print(f"   {obj_name}: {score:.3f}")
    print()
多目的最適化の評価:
============================================================

分子: CCO
  drug_likeness: 0.000
  synthetic_accessibility: 0.566
  diversity: 1.000

分子: CC(=O)OC1=CC=CC=C1C(=O)O
  drug_likeness: 0.919
  synthetic_accessibility: 0.657
  diversity: 1.000

分子: CC(C)CC1=CC=C(C=C1)C(C)C(=O)O
  drug_likeness: 0.936
  synthetic_accessibility: 0.695
  diversity: 1.000

分子: CN1C=NC2=C1C(=O)N(C(=O)N2C)C
  drug_likeness: 0.000
  synthetic_accessibility: 0.577
  diversity: 1.000

分子: c1ccc2c(c1)c(cn2)CCN
  drug_likeness: 0.000
  synthetic_accessibility: 0.000
  diversity: 1.000

分子: CC1=CC=C(C=C1)C(C)C(=O)O
  drug_likeness: 0.904
  synthetic_accessibility: 0.635
  diversity: 1.000

パレート最適解 (1 分子):
========================================
1. CC(C)CC1=CC=C(C=C1)C(C)C(=O)O
   drug_likeness: 0.936
   synthetic_accessibility: 0.695
   diversity: 1.000



[18:21:40] Can't kekulize mol.  Unkekulized atoms: 0 1 2 3 4 5 6 7 8
[18:21:40] Can't kekulize mol.  Unkekulized atoms: 0 1 2 3 4 5 6 7 8

7. 最適化結果の詳細分析と可視化

 1
 2
 3
 4
 5
 6
 7
 8
 9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
26
27
28
29
30
31
32
33
34
35
36
37
38
39
40
41
42
43
44
45
46
47
48
49
50
51
52
53
54
55
56
57
58
59
60
61
62
63
64
65
66
67
68
69
70
71
72
73
74
75
76
77
78
79
# 3次元散布図による多目的最適化結果の可視化
plt.rcParams['font.family'] = "Noto Sans CJK JP"

# 評価結果をDataFrameに変換
data_for_plot = []
for smiles, scores in molecules_with_scores:
    row = {'SMILES': smiles}
    row.update(scores)
    row['is_pareto'] = (smiles, scores) in pareto_front
    data_for_plot.append(row)

df_multi = pd.DataFrame(data_for_plot)

# 2次元散布図行列
fig, axes = plt.subplots(2, 2, figsize=(14, 12))

objectives = ['drug_likeness', 'synthetic_accessibility', 'diversity']
combinations = [
    ('drug_likeness', 'synthetic_accessibility'),
    ('drug_likeness', 'diversity'),
    ('synthetic_accessibility', 'diversity')
]

for i, (obj1, obj2) in enumerate(combinations):
    row, col = divmod(i, 2)
    ax = axes[row, col]
    
    # 通常の分子
    normal_mols = df_multi[~df_multi['is_pareto']]
    pareto_mols = df_multi[df_multi['is_pareto']]
    
    ax.scatter(normal_mols[obj1], normal_mols[obj2], 
              c='lightblue', alpha=0.6, s=100, label='通常解')
    ax.scatter(pareto_mols[obj1], pareto_mols[obj2], 
              c='red', alpha=0.8, s=120, label='パレート最適解', marker='*')
    
    ax.set_xlabel(obj1.replace('_', ' ').title())
    ax.set_ylabel(obj2.replace('_', ' ').title())
    ax.set_title(f'{obj1} vs {obj2}')
    ax.legend()
    ax.grid(True, alpha=0.3)

# 4番目のプロットには統計情報を表示
axes[1, 1].axis('off')
stats_text = "多目的最適化統計:\n\n"
stats_text += f"評価分子数: {len(molecules_with_scores)}\n"
stats_text += f"パレート最適解数: {len(pareto_front)}\n"
stats_text += f"パレート率: {len(pareto_front)/len(molecules_with_scores)*100:.1f}%\n\n"

for obj in objectives:
    mean_score = df_multi[obj].mean()
    std_score = df_multi[obj].std()
    stats_text += f"{obj}:\n"
    stats_text += f"  平均: {mean_score:.3f}\n"
    stats_text += f"  標準偏差: {std_score:.3f}\n\n"

axes[1, 1].text(0.1, 0.9, stats_text, transform=axes[1, 1].transAxes, 
                fontsize=11, verticalalignment='top', 
                bbox=dict(boxstyle='round', facecolor='lightgray', alpha=0.8))

plt.tight_layout()
plt.show()

# パレート最適解の分子構造表示
print("パレート最適解の分子構造:")
print("=" * 40)

pareto_mols = [Chem.MolFromSmiles(smiles) for smiles, _ in pareto_front]
pareto_legends = [f"Score: DL={scores['drug_likeness']:.2f}, SA={scores['synthetic_accessibility']:.2f}, Div={scores['diversity']:.2f}" 
                  for smiles, scores in pareto_front]

if pareto_mols:
    # 分子構造の表示
    print(f"{len(pareto_mols)}個のパレート最適解が見つかりました。")
    for i, (smiles, scores) in enumerate(pareto_front, 1):
        print(f"{i}. {smiles}")
        print(f"   薬らしさ: {scores['drug_likeness']:.3f}")
        print(f"   合成容易性: {scores['synthetic_accessibility']:.3f}")
        print(f"   多様性: {scores['diversity']:.3f}")

png

パレート最適解の分子構造:
========================================
1個のパレート最適解が見つかりました。
1. CC(C)CC1=CC=C(C=C1)C(C)C(=O)O
   薬らしさ: 0.936
   合成容易性: 0.695
   多様性: 1.000

8. 最適化アルゴリズムの性能指標

  1
  2
  3
  4
  5
  6
  7
  8
  9
 10
 11
 12
 13
 14
 15
 16
 17
 18
 19
 20
 21
 22
 23
 24
 25
 26
 27
 28
 29
 30
 31
 32
 33
 34
 35
 36
 37
 38
 39
 40
 41
 42
 43
 44
 45
 46
 47
 48
 49
 50
 51
 52
 53
 54
 55
 56
 57
 58
 59
 60
 61
 62
 63
 64
 65
 66
 67
 68
 69
 70
 71
 72
 73
 74
 75
 76
 77
 78
 79
 80
 81
 82
 83
 84
 85
 86
 87
 88
 89
 90
 91
 92
 93
 94
 95
 96
 97
 98
 99
100
101
102
103
104
105
106
107
108
109
110
111
112
113
114
115
116
117
118
119
120
121
122
123
124
125
126
127
128
129
130
131
132
133
134
135
136
137
138
139
140
141
142
143
144
145
146
147
148
149
150
151
152
153
154
155
156
157
158
159
160
# 各最適化手法の詳細な性能分析
class OptimizationBenchmark:
    """最適化アルゴリズムのベンチマーク"""
    
    def __init__(self, objective_func):
        self.objective_func = objective_func
        self.results = {}
    
    def benchmark_hill_climbing(self, initial_smiles, runs=10):
        """ヒルクライミング法のベンチマーク"""
        results = []
        
        for run in range(runs):
            hc = HillClimbing(self.objective_func, max_iterations=50)
            history = hc.optimize(initial_smiles)
            
            final_score = history[-1]['score'] if history else 0
            iterations = len(history)
            improvement = final_score - history[0]['score'] if len(history) > 1 else 0
            
            results.append({
                'final_score': final_score,
                'iterations': iterations,
                'improvement': improvement,
                'converged': iterations < 50  # 最大反復前に収束したか
            })
        
        return results
    
    def benchmark_simulated_annealing(self, initial_smiles, runs=10):
        """シミュレーテッドアニーリングのベンチマーク"""
        results = []
        
        for run in range(runs):
            sa = SimulatedAnnealing(self.objective_func, initial_temp=20.0, 
                                  final_temp=0.1, max_iterations=100)
            history, best_smiles, best_score = sa.optimize(initial_smiles)
            
            initial_score = self.objective_func.evaluate_molecule(initial_smiles)
            improvement = best_score - initial_score
            
            results.append({
                'final_score': best_score,
                'iterations': len(history['iterations']),
                'improvement': improvement,
                'final_molecule': best_smiles
            })
        
        return results
    
    def benchmark_genetic_algorithm(self, initial_molecules, runs=5):
        """遺伝的アルゴリズムのベンチマーク"""
        results = []
        
        for run in range(runs):
            ga = GeneticAlgorithm(self.objective_func, population_size=10, generations=20)
            history, final_pop = ga.optimize(initial_molecules)
            
            best_individual = max(final_pop, key=lambda x: x['score'])
            initial_best = max([self.objective_func.evaluate_molecule(smiles) 
                              for smiles in initial_molecules])
            
            improvement = best_individual['score'] - initial_best
            
            results.append({
                'final_score': best_individual['score'],
                'generations': len(history['generations']),
                'improvement': improvement,
                'final_molecule': best_individual['smiles'],
                'population_diversity': np.std([ind['score'] for ind in final_pop])
            })
        
        return results
    
    def run_benchmark(self, initial_smiles="CCO", initial_molecules=None):
        """全てのアルゴリズムでベンチマークを実行"""
        if initial_molecules is None:
            initial_molecules = ["CCO", "CC(=O)O", "CCN", "CCC"]
        
        print("最適化アルゴリズムのベンチマーク実行中...")
        
        self.results['hill_climbing'] = self.benchmark_hill_climbing(initial_smiles)
        self.results['simulated_annealing'] = self.benchmark_simulated_annealing(initial_smiles)
        self.results['genetic_algorithm'] = self.benchmark_genetic_algorithm(initial_molecules)
        
        return self.results
    
    def analyze_results(self):
        """ベンチマーク結果の分析"""
        analysis = {}
        
        for method, results in self.results.items():
            scores = [r['final_score'] for r in results]
            improvements = [r['improvement'] for r in results]
            
            analysis[method] = {
                'mean_score': np.mean(scores),
                'std_score': np.std(scores),
                'mean_improvement': np.mean(improvements),
                'std_improvement': np.std(improvements),
                'success_rate': sum(1 for imp in improvements if imp > 0) / len(improvements),
                'best_score': max(scores),
                'worst_score': min(scores)
            }
        
        return analysis

# ベンチマークの実行
benchmark = OptimizationBenchmark(objective)
benchmark_results = benchmark.run_benchmark()
analysis = benchmark.analyze_results()

print("最適化アルゴリズムのベンチマーク結果:")
print("=" * 60)

for method, stats in analysis.items():
    print(f"\n{method.replace('_', ' ').title()}:")
    print(f"  平均最終スコア: {stats['mean_score']:.3f} ± {stats['std_score']:.3f}")
    print(f"  平均改善度: {stats['mean_improvement']:.3f} ± {stats['std_improvement']:.3f}")
    print(f"  成功率: {stats['success_rate']:.1%}")
    print(f"  最高スコア: {stats['best_score']:.3f}")
    print(f"  最低スコア: {stats['worst_score']:.3f}")

# ベンチマーク結果の可視化
plt.rcParams['font.family'] = "Noto Sans CJK JP"
fig, axes = plt.subplots(1, 3, figsize=(18, 6))

methods = list(analysis.keys())
method_names = [m.replace('_', ' ').title() for m in methods]

# 1. 平均スコアの比較
mean_scores = [analysis[m]['mean_score'] for m in methods]
std_scores = [analysis[m]['std_score'] for m in methods]

axes[0].bar(method_names, mean_scores, yerr=std_scores, capsize=5, 
           color=['skyblue', 'lightgreen', 'coral'])
axes[0].set_ylabel('平均最終スコア')
axes[0].set_title('最適化性能の比較')
axes[0].tick_params(axis='x', rotation=45)

# 2. 改善度の比較
improvements = [analysis[m]['mean_improvement'] for m in methods]
improvement_stds = [analysis[m]['std_improvement'] for m in methods]

axes[1].bar(method_names, improvements, yerr=improvement_stds, capsize=5,
           color=['skyblue', 'lightgreen', 'coral'])
axes[1].set_ylabel('平均改善度')
axes[1].set_title('改善度の比較')
axes[1].tick_params(axis='x', rotation=45)

# 3. 成功率の比較
success_rates = [analysis[m]['success_rate'] * 100 for m in methods]

axes[2].bar(method_names, success_rates, color=['skyblue', 'lightgreen', 'coral'])
axes[2].set_ylabel('成功率 (%)')
axes[2].set_title('改善成功率')
axes[2].tick_params(axis='x', rotation=45)

plt.tight_layout()
plt.show()
最適化アルゴリズムのベンチマーク実行中...


[18:21:40] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:40] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:40] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:40] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:40] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:40] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 7 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:41] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 7 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:42] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:42] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 7 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 7 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:43] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:43] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 7 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:44] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:44] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 7 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:45] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 7 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:46] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 7 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 7 N, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:47] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 7 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 6 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 6 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 6 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 6 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 6 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:48] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 8 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 8 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 8 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 8 N, 5, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 8
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 8 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 8 N, 5, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 6
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 6
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 6
[18:21:49] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 6 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 8 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 8
[18:21:49] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 8
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 6 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 5 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Can't kekulize mol.  Unkekulized atoms: 1
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 4 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 7 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 8 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 7 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 8 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 3 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 7 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 8 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 7 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 10 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 5 N, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 C, 5, is greater than permitted
[18:21:49] Explicit valence for atom # 0 N, 4, is greater than permitted
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC)O' for input: 'CCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CC(=O(C)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] CC(=O(C)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(=O(C)O' for input: 'CC(=O(C)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] CC)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC)O' for input: 'CC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(CC1(O)CO1
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(CC1(O)CO1
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(CC1(O)CO1' for input: 'CCC(CC1(O)CO1'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] CC)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC)O' for input: 'CC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(CC(C)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(CC(C)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(CC(C)O' for input: 'CCC(CC(C)O'
[18:21:49] Explicit valence for atom # 0 O, 4, is greater than permitted
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCC(C)CO1'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCC1(O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCC()O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCC()O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC()O' for input: 'CCC()O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCC1)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCC1)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC1)O' for input: 'CCC1)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(C(O)CO1
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(C(O)CO1
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(C(O)CO1' for input: 'CCC(C(O)CO1'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CC(=OC(C)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] CC(=OC(C)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(=OC(C)O' for input: 'CC(=OC(C)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] CC)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC)O' for input: 'CC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(CCC(CC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(CCC(CC)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(CCC(CC)O' for input: 'CCC(CCC(CC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] CC)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC)O' for input: 'CC)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CC(C)C((C)O
[18:21:49] SMILES Parse Error: check for mistakes around position 8:
[18:21:49] CC(C)C((C)O
[18:21:49] ~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(C)C((C)O' for input: 'CC(C)C((C)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCCC)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCC)O' for input: 'CCCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(C(CC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(C(CC)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(C(CC)O' for input: 'CCC(C(CC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCCC)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCC)O' for input: 'CCCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC)O' for input: 'CCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(CC(CC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(CC(CC)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(CC(CC)O' for input: 'CCC(CC(CC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCCC)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCC)O' for input: 'CCCCC)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCC((CC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCC((CC)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC((CC)O' for input: 'CCC((CC)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCC()O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCC()O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC()O' for input: 'CCC()O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CC1C)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CC1C)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC1C)O' for input: 'CC1C)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(CC(C)C1O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(CC(C)C1O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(CC(C)C1O' for input: 'CCC(CC(C)C1O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCC(O)C()CC
[18:21:49] SMILES Parse Error: check for mistakes around position 9:
[18:21:49] CCC(O)C()CC
[18:21:49] ~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(O)C()CC' for input: 'CCC(O)C()CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCC)(O)CC
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC)(O)CC
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC)(O)CC' for input: 'CCC)(O)CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(C(CC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(C(CC)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(C(CC)O' for input: 'CCC(C(CC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(CCCCCC(CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(CCCCCC(CCCCC)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(CCCCCC(CCCCC)O' for input: 'CCC(CCCCCC(CCCCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] CC)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC)O' for input: 'CC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOC(CCCC(CO)CC
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCOC(CCCC(CO)CC
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC(CCCC(CO)CC' for input: 'CCCOC(CCCC(CO)CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] CC)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC)O' for input: 'CC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOC(O)CC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 11:
[18:21:49] CCCOC(O)CC)O
[18:21:49] ~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC(O)CC)O' for input: 'CCCOC(O)CC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOC(CCC
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCOC(CCC
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC(CCC' for input: 'CCCOC(CCC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(C(CCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(C(CCC)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(C(CCC)O' for input: 'CCC(C(CCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 10:
[18:21:49] CCCOCCCCC)O
[18:21:49] ~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCCCCC)O' for input: 'CCCOCCCCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOC(CC(CCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCOC(CC(CCC)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC(CC(CCC)O' for input: 'CCCOC(CC(CCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCCOCC)O
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC)O' for input: 'CCCOCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 8:
[18:21:49] CCCOCCC)O
[18:21:49] ~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCCC)O' for input: 'CCCOCCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOC(C(O)CC
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCOC(C(O)CC
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC(C(O)CC' for input: 'CCCOC(C(O)CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOO)CC
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCOO)CC
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOO)CC' for input: 'CCCOO)CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOC(C(O)CC
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCOC(C(O)CC
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC(C(O)CC' for input: 'CCCOC(C(O)CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCCC)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCC)O' for input: 'CCCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOC(CC(CO)CC
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCOC(CC(CO)CC
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC(CC(CO)CC' for input: 'CCCOC(CC(CO)CC'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCCOC()CC
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCCOC()CC
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC()CC' for input: 'CCCOC()CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCO)C1NC1C
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCCO)C1NC1C
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCO)C1NC1C' for input: 'CCCO)C1NC1C'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(OC(CCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(OC(CCC)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(OC(CCC)O' for input: 'CCC(OC(CCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(COOC(O)CC1CC1C
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(COOC(O)CC1CC1C
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(COOC(O)CC1CC1C' for input: 'CCC(COOC(O)CC1CC1C'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC)O' for input: 'CCC)O'
[18:21:49] SMILES Parse Error: ring closure 1 duplicates bond between atom 1 and atom 2 for input: 'OC1C1CCCCCCO1'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'OCCCCCCO1'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCO)CC
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCCO)CC
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCO)CC' for input: 'CCCCO)CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(CCC(CCCCO)CC
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(CCC(CCCCO)CC
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(CCC(CCCCO)CC' for input: 'CCC(CCC(CCCCO)CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(CCCC
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(CCCC
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(CCCC' for input: 'CCC(CCCC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCC(CCCCO)CCO)CC
[18:21:49] SMILES Parse Error: check for mistakes around position 14:
[18:21:49] CCC(CCCCO)CCO)CC
[18:21:49] ~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(CCCCO)CCO)CC' for input: 'CCC(CCCCO)CCO)CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(CC1CC1C
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(CC1CC1C
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(CC1CC1C' for input: 'CCC(CC1CC1C'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCC(O)CCCCO)CC
[18:21:49] SMILES Parse Error: check for mistakes around position 12:
[18:21:49] CCC(O)CCCCO)CC
[18:21:49] ~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(O)CCCCO)CC' for input: 'CCC(O)CCCCO)CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCCCCCCO)CC
[18:21:49] SMILES Parse Error: check for mistakes around position 12:
[18:21:49] CCCOCCCCCCO)CC
[18:21:49] ~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCCCCCCO)CC' for input: 'CCCOCCCCCCO)CC'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCC((CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCC((CCCCC)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC((CCCCC)O' for input: 'CCC((CCCCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOCC(CCCC(CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCCOCC(CCCC(CCCCC)O
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC(CCCC(CCCCC)O' for input: 'CCCOCC(CCCC(CCCCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCO)CC
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCCOCO)CC
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCO)CC' for input: 'CCCOCO)CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOC(CCCCCCO
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCOC(CCCCCCO
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC(CCCCCCO' for input: 'CCCOC(CCCCCCO'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOC(O)CCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 13:
[18:21:49] CCCOC(O)CCCC)O
[18:21:49] ~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC(O)CCCC)O' for input: 'CCCOC(O)CCCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOC1(O(O)CCCCCO
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCCOC1(O(O)CCCCCO
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC1(O(O)CCCCCO' for input: 'CCCOC1(O(O)CCCCCO'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCOC)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 8:
[18:21:49] CCCOCOC)CCC1CC
[18:21:49] ~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCOC)CCC1CC' for input: 'CCCOCOC)CCC1CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 8:
[18:21:49] CCCOCCC)O
[18:21:49] ~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCCC)O' for input: 'CCCOCCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOC(CCC(CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCOC(CCC(CCCCC)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC(CCC(CCCCC)O' for input: 'CCCOC(CCC(CCCCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOC(C(CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCOC(C(CCCCC)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC(C(CCCCC)O' for input: 'CCCOC(C(CCCCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 10:
[18:21:49] CCCOCCCCC)O
[18:21:49] ~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCCCCC)O' for input: 'CCCOCCCCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCC1(O))O
[18:21:49] SMILES Parse Error: check for mistakes around position 8:
[18:21:49] CCC1(O))O
[18:21:49] ~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC1(O))O' for input: 'CCC1(O))O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOC(CCCCCCCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCOC(CCCCCCCC1CC
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC(CCCCCCCC1CC' for input: 'CCCOC(CCCCCCCC1CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCOC(CO)CCC1CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCC1(CCCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(CCCCCC(CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(CCCCCC(CCCCC)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(CCCCCC(CCCCC)O' for input: 'CCC(CCCCCC(CCCCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCO)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCCO)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCO)O' for input: 'CCCO)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 9:
[18:21:49] CCCOCCCC)O
[18:21:49] ~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCCCC)O' for input: 'CCCOCCCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOC(CC(CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCOC(CC(CCCCC)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC(CC(CCCCC)O' for input: 'CCCOC(CC(CCCCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOC(CCC(CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCOC(CCC(CCCCC)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC(CCC(CCCCC)O' for input: 'CCCOC(CCC(CCCCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCCC)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCC)O' for input: 'CCCCC)O'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCOCC1COCC1(O)CCC1CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CC(O)CCC1CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCCOCC)O
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC)O' for input: 'CCCOCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOC(CCCCC(CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCOC(CCCCC(CCCCC)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC(CCCCC(CCCCC)O' for input: 'CCCOC(CCCCC(CCCCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOC(CCCCC(CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCOC(CCCCC(CCCCC)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC(CCCCC(CCCCC)O' for input: 'CCCOC(CCCCC(CCCCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCOC)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC)O' for input: 'CCCOC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOC(CC1(O)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCOC(CC1(O)CCC1CC
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC(CC1(O)CCC1CC' for input: 'CCCOC(CC1(O)CCC1CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCCCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 11:
[18:21:49] CCCOCCCCCC)O
[18:21:49] ~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCCCCCC)O' for input: 'CCCOCCCCCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOC(CC(CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCOC(CC(CCCCC)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC(CC(CCCCC)O' for input: 'CCCOC(CC(CCCCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 9:
[18:21:49] CCCOCCCC)O
[18:21:49] ~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCCCC)O' for input: 'CCCOCCCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCCOCC)O
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC)O' for input: 'CCCOCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(CCCC(CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(CCCC(CCCCC)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(CCCC(CCCCC)O' for input: 'CCC(CCCC(CCCCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCC1(O)CCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 15:
[18:21:49] CCCOCC1(O)CCCC)O
[18:21:49] ~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1(O)CCCC)O' for input: 'CCCOCC1(O)CCCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOCC1(O)CCC1C(CCCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 16:
[18:21:49] CCCOCC1(O)CCC1C(CCCC1CC
[18:21:49] ~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1(O)CCC1C(CCCC1CC' for input: 'CCCOCC1(O)CCC1C(CCCC1CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOCC1(CC1C(CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 8:
[18:21:49] CCCOCC1(CC1C(CCCCC)O
[18:21:49] ~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1(CC1C(CCCCC)O' for input: 'CCCOCC1(CC1C(CCCCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCC1(O)CO)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 13:
[18:21:49] CCCOCC1(O)CO)CCC1CC
[18:21:49] ~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1(O)CO)CCC1CC' for input: 'CCCOCC1(O)CO)CCC1CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOC(CCCCCOCC1(O)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCOC(CCCCCOCC1(O)CCC1CC
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOC(CCCCCOCC1(O)CCC1CC' for input: 'CCCOC(CCCCCOCC1(O)CCC1CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] CC)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC)O' for input: 'CC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOCC1(O)CCC1C(CCC1(O)CCC1C(CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 16:
[18:21:49] CCCOCC1(O)CCC1C(CCC1(O)CCC1C(CCCCC)O
[18:21:49] ~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1(O)CCC1C(CCC1(O)CCC1C(CCCCC)O' for input: 'CCCOCC1(O)CCC1C(CCC1(O)CCC1C(CCCCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 9:
[18:21:49] CCCOCCCC)O
[18:21:49] ~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCCCC)O' for input: 'CCCOCCCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCC1)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCC1)CCC1CC
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC1)CCC1CC' for input: 'CCC1)CCC1CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOCC1(OCCC(O)OC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 8:
[18:21:49] CCCOCC1(OCCC(O)OC1CC
[18:21:49] ~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1(OCCC(O)OC1CC' for input: 'CCCOCC1(OCCC(O)OC1CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCOCC1(O)O'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCOC(CCCCC)CCC1CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCC1CCC(O)OCC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCOCC1(O)CCC1C1CC'
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCCO)CCC1C(CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 8:
[18:21:49] CCCOCCO)CCC1C(CCCCC)O
[18:21:49] ~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCCO)CCC1C(CCCCC)O' for input: 'CCCOCCO)CCC1C(CCCCC)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCCOCC1(1(O)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 9:
[18:21:49] CCCOCC1(1(O)CCC1CC
[18:21:49] ~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1(1(O)CCC1CC' for input: 'CCCOCC1(1(O)CCC1CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCC1(O)CCCO)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 15:
[18:21:49] CCCOCC1(O)CCCO)CCC1CC
[18:21:49] ~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1(O)CCCO)CCC1CC' for input: 'CCCOCC1(O)CCCO)CCC1CC'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCCOCC1(1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 9:
[18:21:49] CCCOCC1(1CC
[18:21:49] ~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1(1CC' for input: 'CCCOCC1(1CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCO)COCC12O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCCO)COCC12O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCO)COCC12O' for input: 'CCCO)COCC12O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC1CC2C(CCC1(O)CCC1C(O)CCCC(C)O
[18:21:49] SMILES Parse Error: check for mistakes around position 9:
[18:21:49] CCC1CC2C(CCC1(O)CCC1C(O)CCCC(C)O
[18:21:49] ~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC1CC2C(CCC1(O)CCC1C(O)CCCC(C)O' for input: 'CCC1CC2C(CCC1(O)CCC1C(O)CCCC(C)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCCCCC)O
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC)O' for input: 'CCCCCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOCC1(O)C(O)CCC1C(CC1CC2CCCOCC12O
[18:21:49] SMILES Parse Error: check for mistakes around position 20:
[18:21:49] CCCOCC1(O)C(O)CCC1C(CC1CC2CCCOCC12O
[18:21:49] ~~~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1(O)C(O)CCC1C(CC1CC2CCCOCC12O' for input: 'CCCOCC1(O)C(O)CCC1C(CC1CC2CCCOCC12O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOCC1(O)C(O)CCC1C(CCCCCC1C(CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 20:
[18:21:49] CCCOCC1(O)C(O)CCC1C(CCCCCC1C(CCCCC)O
[18:21:49] ~~~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1(O)C(O)CCC1C(CCCCCC1C(CCCCC)O' for input: 'CCCOCC1(O)C(O)CCC1C(CCCCCC1C(CCCCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCC1(O)CC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 13:
[18:21:49] CCCOCC1(O)CC)O
[18:21:49] ~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1(O)CC)O' for input: 'CCCOCC1(O)CC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOCC1(O)CCC1C(OCC1(O)CCC1C(CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 16:
[18:21:49] CCCOCC1(O)CCC1C(OCC1(O)CCC1C(CCCCC)O
[18:21:49] ~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1(O)CCC1C(OCC1(O)CCC1C(CCCCC)O' for input: 'CCCOCC1(O)CCC1C(OCC1(O)CCC1C(CCCCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCO)CCCC(C)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCCO)CCCC(C)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCO)CCCC(C)O' for input: 'CCCO)CCCC(C)O'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCOCC1(O)CCCC1C(C)CC1(O)COCCC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCCC(O)1C(CCCCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCC(O)C1C(C)CC1(O)COC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 25:
[18:21:49] CC(O)C1C(C)CC1(O)COC)O
[18:21:49] ~~~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C1C(C)CC1(O)COC)O' for input: 'CCCCCC(O)C1C(C)CC1(O)COC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOCC1(O)CCC1C(O)CCCC(CCC
[18:21:49] SMILES Parse Error: check for mistakes around position 23:
[18:21:49] COCC1(O)CCC1C(O)CCCC(CCC
[18:21:49] ~~~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1(O)CCC1C(O)CCCC(CCC' for input: 'CCCOCC1(O)CCC1C(O)CCCC(CCC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCC(OC(O)C1C(C)CC1(O)COCCC
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCCCCC(OC(O)C1C(C)CC1(O)COCCC
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(OC(O)C1C(C)CC1(O)COCCC' for input: 'CCCCCC(OC(O)C1C(C)CC1(O)COCCC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCC)C1C(C)CC1(O)COCCC
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCCC)C1C(C)CC1(O)COCCC
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCC)C1C(C)CC1(O)COCCC' for input: 'CCCCC)C1C(C)CC1(O)COCCC'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCCOCC1(O)CCC1C()C1C(C)CC1(O)COCCC
[18:21:49] SMILES Parse Error: check for mistakes around position 17:
[18:21:49] CCCOCC1(O)CCC1C()C1C(C)CC1(O)COCCC
[18:21:49] ~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1(O)CCC1C()C1C(C)CC1(O)COCCC' for input: 'CCCOCC1(O)CCC1C()C1C(C)CC1(O)COCCC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCOCC1(O)CCOCCC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCCC(O)C1C(C)CC1(O)(O)CCC1C(CCCCC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCC1(O)CCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 14:
[18:21:49] CCCOCC1(O)CCC)O
[18:21:49] ~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1(O)CCC)O' for input: 'CCCOCC1(O)CCC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOCC1(O)C(O)CCC1C(CCCCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 20:
[18:21:49] CCCOCC1(O)C(O)CCC1C(CCCCC1CC
[18:21:49] ~~~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1(O)C(O)CCC1C(CCCCC1CC' for input: 'CCCOCC1(O)C(O)CCC1C(CCCCC1CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCOCC1(O)CCCOCC1(O)CCC1C(O)CCCC(C)O'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCC1C(O)CCCC(C)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOCC1(OCOCCC
[18:21:49] SMILES Parse Error: check for mistakes around position 8:
[18:21:49] CCCOCC1(OCOCCC
[18:21:49] ~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1(OCOCCC' for input: 'CCCOCC1(OCOCCC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCC(O)C1C(C)CC1(O))C(O)CCC1C(CCCCC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 22:
[18:21:49] CCCCC(O)C1C(C)CC1(O))C(O)CCC1C(CCCCC)O
[18:21:49] ~~~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C1C(C)CC1(O))C(O)CCC1C(CCCCC)O' for input: 'CCCCCC(O)C1C(C)CC1(O))C(O)CCC1C(CCCCC)O'
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCOCC1(O)C(O)CCC1C(CCCCC(O)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 20:
[18:21:49] CCCOCC1(O)C(O)CCC1C(CCCCC(O)CCC1CC
[18:21:49] ~~~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1(O)C(O)CCC1C(CCCCC(O)CCC1CC' for input: 'CCCOCC1(O)C(O)CCC1C(CCCCC(O)CCC1CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCC(O)C1C)O
[18:21:49] SMILES Parse Error: check for mistakes around position 13:
[18:21:49] CCCCCC(O)C1C)O
[18:21:49] ~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C1C)O' for input: 'CCCCCC(O)C1C)O'
[18:21:49] SMILES Parse Error: ring closure 1 duplicates bond between atom 7 and atom 8 for input: 'CCCCCC(O)C1C1CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCC(O))C1C(O)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCC(O))C1C(O)CCC1CC
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(O))C1C(O)CCC1CC' for input: 'CCC(O))C1C(O)CCC1CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCC(OC1C(C)CC1(O)COCCC
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCCCCC(OC1C(C)CC1(O)COCCC
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(OC1C(C)CC1(O)COCCC' for input: 'CCCCCC(OC1C(C)CC1(O)COCCC'
[18:21:49] Explicit valence for atom # 6 C, 5, is greater than permitted
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCC(O)C1C(C)CC1CO)C1C(O)CCC(O)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 18:
[18:21:49] CCC(O)C1C(C)CC1CO)C1C(O)CCC(O)CCC1CC
[18:21:49] ~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(O)C1C(C)CC1CO)C1C(O)CCC(O)CCC1CC' for input: 'CCC(O)C1C(C)CC1CO)C1C(O)CCC(O)CCC1CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCC(OCCC
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCCCCC(OCCC
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(OCCC' for input: 'CCCCCC(OCCC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCC(O)C1C(OCC(O)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 13:
[18:21:49] CCCCCC(O)C1C(OCC(O)CCC1CC
[18:21:49] ~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C1C(OCC(O)CCC1CC' for input: 'CCCCCC(O)C1C(OCC(O)CCC1CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCC(O)C1C(O))CCCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 16:
[18:21:49] CCCCCC(O)C1C(O))CCCC1CC
[18:21:49] ~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C1C(O))CCCC1CC' for input: 'CCCCCC(O)C1C(O))CCCC1CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCCC(O)C1C(O)CCC(OO)C1C(O)CCC(O)CCC1CC'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCCCCC()CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 8:
[18:21:49] CCCCCC()CCC1CC
[18:21:49] ~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC()CCC1CC' for input: 'CCCCCC()CCC1CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCC(CCCC(O)C1C(O)CCCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCCCCC(CCCC(O)C1C(O)CCCC1CC
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(CCCC(O)C1C(O)CCCC1CC' for input: 'CCCCCC(CCCC(O)C1C(O)CCCC1CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCO)C1C(O)CC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCO)C1C(O)CC1CC
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCO)C1C(O)CC1CC' for input: 'CCO)C1C(O)CC1CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCC(O)C1C(O)O)C1C(O)CCC(O)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 17:
[18:21:49] CCCCCC(O)C1C(O)O)C1C(O)CCC(O)CCC1CC
[18:21:49] ~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C1C(O)O)C1C(O)CCC(O)CCC1CC' for input: 'CCCCCC(O)C1C(O)O)C1C(O)CCC(O)CCC1CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCC(CCC(O)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCCCCC(CCC(O)CCC1CC
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(CCC(O)CCC1CC' for input: 'CCCCCC(CCC(O)CCC1CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCC(O)C)C1C(O)CC(O)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 11:
[18:21:49] CCCCCC(O)C)C1C(O)CC(O)CCC1CC
[18:21:49] ~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C)C1C(O)CC(O)CCC1CC' for input: 'CCCCCC(O)C)C1C(O)CC(O)CCC1CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCC(O1C(O)CCC(O)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCCCCC(O1C(O)CCC(O)CCC1CC
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O1C(O)CCC(O)CCC1CC' for input: 'CCCCCC(O1C(O)CCC(O)CCC1CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCC1CC(O)C2C(CC)CCC(O2C3CCCOCC1(O)C32
[18:21:49] SMILES Parse Error: check for mistakes around position 21:
[18:21:49] CCCC1CC(O)C2C(CC)CCC(O2C3CCCOCC1(O)C32
[18:21:49] ~~~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCC1CC(O)C2C(CC)CCC(O2C3CCCOCC1(O)C32' for input: 'CCCC1CC(O)C2C(CC)CCC(O2C3CCCOCC1(O)C32'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCOCC1)CC12O
[18:21:49] SMILES Parse Error: check for mistakes around position 8:
[18:21:49] CCCOCC1)CC12O
[18:21:49] ~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCOCC1)CC12O' for input: 'CCCOCC1)CC12O'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CC2CC2C1C'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CC1CCCC(O)CCCCC(O)C1C(CC)CCC(O)CCC1(C)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCC(O)C1C(O)CCC(O)CC)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 24:
[18:21:49] CCC(O)C1C(O)CCC(O)CC)CCC1CC
[18:21:49] ~~~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C1C(O)CCC(O)CC)CCC1CC' for input: 'CCCCCC(O)C1C(O)CCC(O)CC)CCC1CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCC(O)C1C(O)CCC(OC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 19:
[18:21:49] CCCCCC(O)C1C(O)CCC(OC1CC
[18:21:49] ~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C1C(O)CCC(OC1CC' for input: 'CCCCCC(O)C1C(O)CCC(OC1CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCC(O)C1C(CC)CCC(O)CCC1(CC1C(CC)CCC(O)CCC1(C)O
[18:21:49] SMILES Parse Error: check for mistakes around position 27:
[18:21:49] (O)C1C(CC)CCC(O)CCC1(CC1C(CC)CCC(O)CCC1(C
[18:21:49] ~~~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C1C(CC)CCC(O)CCC1(CC1C(CC)CCC(O)CCC1(C)O' for input: 'CCCCCC(O)C1C(CC)CCC(O)CCC1(CC1C(CC)CCC(O)CCC1(C)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCC(O))O
[18:21:49] SMILES Parse Error: check for mistakes around position 10:
[18:21:49] CCCCCC(O))O
[18:21:49] ~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O))O' for input: 'CCCCCC(O))O'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCCC(O)C1C(O)COCOC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCC(O)C1C(C)CC1(O)CCC(O)CCC1CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCC1CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCCC(O)C1C(O)CCC(O)CCOCC12C3CCCOCC1(O)C32'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCCC(O)C1C(O)CCC(O)CCC132'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCOCC12C3CCCOCC1(O)CCC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCCC(O)C1CC12CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCC1CC(O)C2C(O)CCC(O)CC(O)CCC(O)CCC1CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCCCC(O)CC12OC3C'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCC1CC(O)C2C3CC(O)C1C(O)CCC(O)C2CC21CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCC(O)C1C(O)CCC(O2CC
[18:21:49] SMILES Parse Error: check for mistakes around position 19:
[18:21:49] CCCCCC(O)C1C(O)CCC(O2CC
[18:21:49] ~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C1C(O)CCC(O2CC' for input: 'CCCCCC(O)C1C(O)CCC(O2CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCC(O)C12C(O)CCC1(O)CCC)C2CC21CC
[18:21:49] SMILES Parse Error: check for mistakes around position 27:
[18:21:49] (O)C12C(O)CCC1(O)CCC)C2CC21CC
[18:21:49] ~~~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C12C(O)CCC1(O)CCC)C2CC21CC' for input: 'CCCCCC(O)C12C(O)CCC1(O)CCC)C2CC21CC'
[18:21:49] SMILES Parse Error: duplicated ring closure 1 bonds atom 7 to itself for input: 'CCCCCC(O)C11CC(O)C2C3CCC(O)CC12OC3C'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCC(O)CCC(O)C2CC21CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCC(O)C12O)CCC1(O)CCC2CC
[18:21:49] SMILES Parse Error: check for mistakes around position 14:
[18:21:49] CCCCCC(O)C12O)CCC1(O)CCC2CC
[18:21:49] ~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C12O)CCC1(O)CCC2CC' for input: 'CCCCCC(O)C12O)CCC1(O)CCC2CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCC(O)C12C(C(O)CCC1(O)CCC2CC
[18:21:49] SMILES Parse Error: check for mistakes around position 14:
[18:21:49] CCCCCC(O)C12C(C(O)CCC1(O)CCC2CC
[18:21:49] ~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C12C(C(O)CCC1(O)CCC2CC' for input: 'CCCCCC(O)C12C(C(O)CCC1(O)CCC2CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCC(O)C1C(OCCC(O)C2CC21CC
[18:21:49] SMILES Parse Error: check for mistakes around position 13:
[18:21:49] CCCCCC(O)C1C(OCCC(O)C2CC21CC
[18:21:49] ~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C1C(OCCC(O)C2CC21CC' for input: 'CCCCCC(O)C1C(OCCC(O)C2CC21CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCC(O)C1C(O))CCC(O)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 16:
[18:21:49] CCCCCC(O)C1C(O))CCC(O)CCC1CC
[18:21:49] ~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C1C(O))CCC(O)CCC1CC' for input: 'CCCCCC(O)C1C(O))CCC(O)CCC1CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCCC(O)C12C(O)CCCCC(O)CCC1CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCCC(O)C1C(O)C1(O)CCC2CC'
[18:21:49] SMILES Parse Error: ring closure 1 duplicates bond between atom 3 and atom 4 for input: 'CCCC1C12CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCC1CC(O)C2C(O)CCC(O)CCCC(O)C2C(O)CCC(O)CCC12CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCC(O)C1C(O)CCC(O)CCC)C2CC21CC
[18:21:49] SMILES Parse Error: check for mistakes around position 25:
[18:21:49] CC(O)C1C(O)CCC(O)CCC)C2CC21CC
[18:21:49] ~~~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C1C(O)CCC(O)CCC)C2CC21CC' for input: 'CCCCCC(O)C1C(O)CCC(O)CCC)C2CC21CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCC(O)C1C(O)CCC(O1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 19:
[18:21:49] CCCCCC(O)C1C(O)CCC(O1CC
[18:21:49] ~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C1C(O)CCC(O1CC' for input: 'CCCCCC(O)C1C(O)CCC(O1CC'
[18:21:49] SMILES Parse Error: ring closure 1 duplicates bond between atom 3 and atom 4 for input: 'CCCC1C1CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCCC1(O)CC2CC(C)C'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCC12CCC(O)CCC(O)C1C(O)C2(O)CCC3(O)CCC(CC)C312'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC12CCC(O)CCC(OC12OC
[18:21:49] SMILES Parse Error: check for mistakes around position 15:
[18:21:49] CCC12CCC(O)CCC(OC12OC
[18:21:49] ~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC12CCC(O)CCC(OC12OC' for input: 'CCC12CCC(O)CCC(OC12OC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCC1CC(O)C2C(O)CCC(O)CC)C1C(O)CC2CC(C)C
[18:21:49] SMILES Parse Error: check for mistakes around position 25:
[18:21:49] 1CC(O)C2C(O)CCC(O)CC)C1C(O)CC2CC(C)C
[18:21:49] ~~~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCC1CC(O)C2C(O)CCC(O)CC)C1C(O)CC2CC(C)C' for input: 'CCCC1CC(O)C2C(O)CCC(O)CC)C1C(O)CC2CC(C)C'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCC1CC(O)C2C(O)CCC(O)CCC)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 26:
[18:21:49] CC(O)C2C(O)CCC(O)CCC)CCC1CC
[18:21:49] ~~~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCC1CC(O)C2C(O)CCC(O)CCC)CCC1CC' for input: 'CCCC1CC(O)C2C(O)CCC(O)CCC)CCC1CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCC(O)C1C(O)CCC(O12OC
[18:21:49] SMILES Parse Error: check for mistakes around position 19:
[18:21:49] CCCCCC(O)C1C(O)CCC(O12OC
[18:21:49] ~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C1C(O)CCC(O12OC' for input: 'CCCCCC(O)C1C(O)CCC(O12OC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCC1CC(O)C2CC(O)CCC1CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCCC(O)C1C(O)CC(O)CCC(O)CCC12OC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCCC(O)C1C(O)CCC(O)C12OC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCC1CC(O)C2C(O)CCC(O)CCCCC1CC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCC(O)C1C(O)CCC(O)CCCO)CC2CC(C)C
[18:21:49] SMILES Parse Error: check for mistakes around position 26:
[18:21:49] C(O)C1C(O)CCC(O)CCCO)CC2CC(C)C
[18:21:49] ~~~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C1C(O)CCC(O)CCCO)CC2CC(C)C' for input: 'CCCCCC(O)C1C(O)CCC(O)CCCO)CC2CC(C)C'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCC12CCC(O)CCC(O)C1C(1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 22:
[18:21:49] CC12CCC(O)CCC(O)C1C(1CC
[18:21:49] ~~~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC12CCC(O)CCC(O)C1C(1CC' for input: 'CCC12CCC(O)CCC(O)C1C(1CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCCCC(O)C13CC23CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCCC1(O)C2C(O)CC(O)C1C(O)CCC(O)CCC1CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCCC(O)C1C(O)CCC(O)CCC2CC(C)C'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCC12CCC(O)CCC(O)C1C(O)CC1CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCC1CC(O)C2C(O)CCC(CC(O)CCC(O)C1C(O)CC2CC(C)C
[18:21:49] SMILES Parse Error: check for mistakes around position 20:
[18:21:49] CCCC1CC(O)C2C(O)CCC(CC(O)CCC(O)C1C(O)CC2C
[18:21:49] ~~~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCC1CC(O)C2C(O)CCC(CC(O)CCC(O)C1C(O)CC2CC(C)C' for input: 'CCCC1CC(O)C2C(O)CCC(CC(O)CCC(O)C1C(O)CC2CC(C)C'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCC12CO)CCC12OC
[18:21:49] SMILES Parse Error: check for mistakes around position 8:
[18:21:49] CCC12CO)CCC12OC
[18:21:49] ~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC12CO)CCC12OC' for input: 'CCC12CO)CCC12OC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCC1CC(O)C2C(O)CCCO)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 21:
[18:21:49] CCCC1CC(O)C2C(O)CCCO)CCC1CC
[18:21:49] ~~~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCC1CC(O)C2C(O)CCCO)CCC1CC' for input: 'CCCC1CC(O)C2C(O)CCCO)CCC1CC'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCCCCC(O)C1C(O)CCC((O)CCC12OC
[18:21:49] SMILES Parse Error: check for mistakes around position 20:
[18:21:49] CCCCCC(O)C1C(O)CCC((O)CCC12OC
[18:21:49] ~~~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C1C(O)CCC((O)CCC12OC' for input: 'CCCCCC(O)C1C(O)CCC((O)CCC12OC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCC(O)CCC12OC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCC1CC(O)C2C(O)CCCCC(O)C1C(O)CCC(O)CCC1CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCC(O)C1C(O)CCC(C(O)CCC(O)C1C(O)CC2CC(C)C
[18:21:49] SMILES Parse Error: check for mistakes around position 19:
[18:21:49] CCCCCC(O)C1C(O)CCC(C(O)CCC(O)C1C(O)CC2CC(
[18:21:49] ~~~~~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(O)C1C(O)CCC(C(O)CCC(O)C1C(O)CC2CC(C)C' for input: 'CCCCCC(O)C1C(O)CCC(C(O)CCC(O)C1C(O)CC2CC(C)C'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCC12CCO)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 9:
[18:21:49] CCC12CCO)CCC1CC
[18:21:49] ~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC12CCO)CCC1CC' for input: 'CCC12CCO)CCC1CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCCC1(O)C2C(O)CCC(O)C11C(O)C2C(CC)CCC(O)CC1C2O'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCC3CC23CC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCC(OCC(O)CCC(O)C1C(O)CC2CC(C)C
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCCCCC(OCC(O)CCC(O)C1C(O)CC2CC(C)C
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(OCC(O)CCC(O)C1C(O)CC2CC(C)C' for input: 'CCCCCC(OCC(O)CCC(O)C1C(O)CC2CC(C)C'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCC12C)C1C(O)CCC(O)CCC1CC
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCC12C)C1C(O)CCC(O)CCC1CC
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC12C)C1C(O)CCC(O)CCC1CC' for input: 'CCC12C)C1C(O)CCC(O)CCC1CC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCC12CCC(O)CCC(O)C1C2C(O)CCC(O)CCC12OC'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCC1CC(O)C(O)CC2CC(C)C'
[18:21:49] SMILES Parse Error: ring closure 2 duplicates bond between atom 2 and atom 4 for input: 'CCC12CC12OC'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC12CCC(O)CCC(C(O)C2C(O)CCC(O)CCC12OC
[18:21:49] SMILES Parse Error: check for mistakes around position 15:
[18:21:49] CCC12CCC(O)CCC(C(O)C2C(O)CCC(O)CCC12OC
[18:21:49] ~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC12CCC(O)CCC(C(O)C2C(O)CCC(O)CCC12OC' for input: 'CCC12CCC(O)CCC(C(O)C2C(O)CCC(O)CCC12OC'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCC1CO)C1C(O)CC2CC(C)C
[18:21:49] SMILES Parse Error: check for mistakes around position 8:
[18:21:49] CCCC1CO)C1C(O)CC2CC(C)C
[18:21:49] ~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCC1CO)C1C(O)CC2CC(C)C' for input: 'CCCC1CO)C1C(O)CC2CC(C)C'
[18:21:49] SMILES Parse Error: syntax error while parsing: CC(==O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CC(==O)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(==O)O' for input: 'CC(==O)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CC(CO1
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] CC(CO1
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(CO1' for input: 'CC(CO1'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: C1N)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] C1N)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'C1N)O' for input: 'C1N)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCC(COO
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCCC(COO
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCC(COO' for input: 'CCCC(COO'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCC)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCCC)OO
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCC)OO' for input: 'CCCC)OO'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCC(CCCOO
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCCC(CCCOO
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCC(CCCOO' for input: 'CCCCC(CCCOO'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCC)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCCCCC)OO
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC)OO' for input: 'CCCCCC)OO'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCCC)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 8:
[18:21:49] CCCCCCC)OO
[18:21:49] ~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCCC)OO' for input: 'CCCCCCC)OO'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCC(CCOO
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCCC(CCOO
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCC(CCOO' for input: 'CCCCC(CCOO'
[18:21:49] Explicit valence for atom # 4 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCCCC(OO
[18:21:49] SMILES Parse Error: check for mistakes around position 9:
[18:21:49] CCCCCCCC(OO
[18:21:49] ~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCCCC(OO' for input: 'CCCCCCCC(OO'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCCCCC)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 10:
[18:21:49] CCCCCCCCC)OO
[18:21:49] ~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCCCCC)OO' for input: 'CCCCCCCCC)OO'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCCCCCCC()OO
[18:21:49] SMILES Parse Error: check for mistakes around position 10:
[18:21:49] CCCCCCCC()OO
[18:21:49] ~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCCCC()OO' for input: 'CCCCCCCC()OO'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCC(CCCC(C)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCCC(CCCC(C)OO
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCC(CCCC(C)OO' for input: 'CCCCC(CCCC(C)OO'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCC)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCCCC)OO
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCC)OO' for input: 'CCCCC)OO'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCCCCCCC((C)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 10:
[18:21:49] CCCCCCCC((C)OO
[18:21:49] ~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCCCC((C)OO' for input: 'CCCCCCCC((C)OO'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCC)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCCCCC)OO
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCC)OO' for input: 'CCCCCC)OO'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: OOCC)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] OOCC)OO
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'OOCC)OO' for input: 'OOCC)OO'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCCCC(CCC1CCCC1
[18:21:49] SMILES Parse Error: check for mistakes around position 9:
[18:21:49] CCCCCCCC(CCC1CCCC1
[18:21:49] ~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCCCC(CCC1CCCC1' for input: 'CCCCCCCC(CCC1CCCC1'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCCC(CC(C)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 8:
[18:21:49] CCCCCCC(CC(C)OO
[18:21:49] ~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCCC(CC(C)OO' for input: 'CCCCCCC(CC(C)OO'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCCCC)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 9:
[18:21:49] CCCCCCCC)OO
[18:21:49] ~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCCCC)OO' for input: 'CCCCCCCC)OO'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CN(CCCCN(CC)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] CN(CCCCN(CC)OO
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CN(CCCCN(CC)OO' for input: 'CN(CCCCN(CC)OO'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCCCCCCCO)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 12:
[18:21:49] CCCCCCCCCCO)OO
[18:21:49] ~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCCCCCCO)OO' for input: 'CCCCCCCCCCO)OO'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCC1C(C)OO'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CC(O)CCCCCCCC(OO)C1'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCC1CCCC(OO)CCCCC(C)OO'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CC(O)C1'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCC1)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCCCC1)OO
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCC1)OO' for input: 'CCCCC1)OO'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCCN(CCCN(C)OO1
[18:21:49] SMILES Parse Error: check for mistakes around position 8:
[18:21:49] CCCCCCN(CCCN(C)OO1
[18:21:49] ~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCCN(CCCN(C)OO1' for input: 'CCCCCCN(CCCN(C)OO1'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCCCCCN((O)CCCCC(C)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 9:
[18:21:49] CCCCCCN((O)CCCCC(C)OO
[18:21:49] ~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCCN((O)CCCCC(C)OO' for input: 'CCCCCCN((O)CCCCC(C)OO'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCC)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC)OO
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC)OO' for input: 'CCC)OO'
[18:21:49] Explicit valence for atom # 7 N, 4, is greater than permitted
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCC1CCN(C)OC)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 15:
[18:21:49] CCCCC1CCN(C)OC)OO
[18:21:49] ~~~~~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCC1CCN(C)OC)OO' for input: 'CCCCC1CCN(C)OC)OO'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCCCCN(O1
[18:21:49] SMILES Parse Error: check for mistakes around position 8:
[18:21:49] CCCCCCN(O1
[18:21:49] ~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCCCN(O1' for input: 'CCCCCCN(O1'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CC(OC(C)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] CC(OC(C)OO
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(OC(C)OO' for input: 'CC(OC(C)OO'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CC(O)CCCC)CCCCC(C)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 10:
[18:21:49] CC(O)CCCC)CCCCC(C)OO
[18:21:49] ~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(O)CCCC)CCCCC(C)OO' for input: 'CC(O)CCCC)CCCCC(C)OO'
[18:21:49] Explicit valence for atom # 10 O, 3, is greater than permitted
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CC(ON(OO)C1
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] CC(ON(OO)C1
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(ON(OO)C1' for input: 'CC(ON(OO)C1'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCC1CCCC)CCCCC(C)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 10:
[18:21:49] CCCC1CCCC)CCCCC(C)OO
[18:21:49] ~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCC1CCCC)CCCCC(C)OO' for input: 'CCCC1CCCC)CCCCC(C)OO'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CC(O)C)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CC(O)C)OO
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(O)C)OO' for input: 'CC(O)C)OO'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CC(O)CCCCC(CCCCC(C)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 11:
[18:21:49] CC(O)CCCCC(CCCCC(C)OO
[18:21:49] ~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(O)CCCCC(CCCCC(C)OO' for input: 'CC(O)CCCCC(CCCCC(C)OO'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCC1CCCCN(OCC1CCCCN(OO)C1
[18:21:49] SMILES Parse Error: check for mistakes around position 11:
[18:21:49] CCCC1CCCCN(OCC1CCCCN(OO)C1
[18:21:49] ~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCC1CCCCN(OCC1CCCCN(OO)C1' for input: 'CCCC1CCCCN(OCC1CCCCN(OO)C1'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCO)C1
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCO)C1
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCO)C1' for input: 'CCO)C1'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCC1CCCCN(ON(OO)C1
[18:21:49] SMILES Parse Error: check for mistakes around position 11:
[18:21:49] CCCC1CCCCN(ON(OO)C1
[18:21:49] ~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCC1CCCCN(ON(OO)C1' for input: 'CCCC1CCCCN(ON(OO)C1'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCC1CCCCO)C1
[18:21:49] SMILES Parse Error: check for mistakes around position 11:
[18:21:49] CCCC1CCCCO)C1
[18:21:49] ~~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCC1CCCCO)C1' for input: 'CCCC1CCCCO)C1'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CC(O)CCCCCN(C)OO1'
[18:21:49] SMILES Parse Error: unclosed ring for input: 'CCCCC1CC(C)OO'
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] SMILES Parse Error: syntax error while parsing: CC(=)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CC(=)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(=)O' for input: 'CC(=)O'
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] SMILES Parse Error: syntax error while parsing: CC(==O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CC(==O)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(==O)O' for input: 'CC(==O)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CC=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CC=O)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC=O)O' for input: 'CC=O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CC((=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CC((=O)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC((=O)O' for input: 'CC((=O)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCO)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCO)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCO)O' for input: 'CCO)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CC(=(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CC(=(=O)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(=(=O)O' for input: 'CC(=(=O)O'
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CC(=O(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] CC(=O(=O)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(=O(=O)O' for input: 'CC(=O(=O)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] CC)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC)O' for input: 'CC)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CC(=)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CC(=)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(=)O' for input: 'CC(=)O'
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] SMILES Parse Error: syntax error while parsing: CC(=)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CC(=)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(=)O' for input: 'CC(=)O'
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCO)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCO)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCO)O' for input: 'CCO)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CC(=(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CC(=(=O)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(=(=O)O' for input: 'CC(=(=O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CC(==O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CC(==O)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(==O)O' for input: 'CC(==O)O'
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] SMILES Parse Error: syntax error while parsing: CC(=)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CC(=)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(=)O' for input: 'CC(=)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CC(=)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CC(=)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(=)O' for input: 'CC(=)O'
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] SMILES Parse Error: syntax error while parsing: CC(==O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CC(==O)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(==O)O' for input: 'CC(==O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CC(=)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CC(=)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(=)O' for input: 'CC(=)O'
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CC=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CC=O)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC=O)O' for input: 'CC=O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CC((=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CC((=O)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC((=O)O' for input: 'CC((=O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CC(=(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CC(=(=O)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(=(=O)O' for input: 'CC(=(=O)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCO)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCO)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCO)O' for input: 'CCO)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] CC)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC)O' for input: 'CC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(=OC(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(=OC(=O)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(=OC(=O)O' for input: 'CCC(=OC(=O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: O=(O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] O=(O)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'O=(O)O' for input: 'O=(O)O'
[18:21:49] Explicit valence for atom # 1 C, 5, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] SMILES Parse Error: syntax error while parsing: CC()O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CC()O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC()O' for input: 'CC()O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(=C(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(=C(=O)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(=C(=O)O' for input: 'CCC(=C(=O)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCO)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCO)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCO)O' for input: 'CCO)O'
[18:21:49] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: O=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] O=O)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'O=O)O' for input: 'O=O)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CC(=C(O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] CC(=C(O)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(=C(O)O' for input: 'CC(=C(O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCC(=(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCC(=(=O)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(=(=O)O' for input: 'CCC(=(=O)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCO)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCCO)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCO)O' for input: 'CCCO)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: O=(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] O=(=O)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'O=(=O)O' for input: 'O=(=O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCC((=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCC((=O)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC((=O)O' for input: 'CCC((=O)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCC=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCC=O)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC=O)O' for input: 'CCC=O)O'
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 C, 5, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] SMILES Parse Error: syntax error while parsing: CCC()O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCC()O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC()O' for input: 'CCC()O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCO)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCO)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCO)O' for input: 'CCO)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCC(=(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCC(=(=O)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(=(=O)O' for input: 'CCC(=(=O)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: O=C(OC(O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] O=C(OC(O)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'O=C(OC(O)O' for input: 'O=C(OC(O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: O=)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] O=)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'O=)O' for input: 'O=)O'
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] SMILES Parse Error: syntax error while parsing: COC(==O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] COC(==O)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'COC(==O)O' for input: 'COC(==O)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: O=C(OC(O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] O=C(OC(O)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'O=C(OC(O)O' for input: 'O=C(OC(O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: O=)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] O=)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'O=)O' for input: 'O=)O'
[18:21:49] Explicit valence for atom # 2 C, 5, is greater than permitted
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: O=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] O=O)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'O=O)O' for input: 'O=O)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(=C(O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(=C(O)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(=C(O)O' for input: 'CCC(=C(O)O'
[18:21:49] Explicit valence for atom # 1 N, 4, is greater than permitted
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: COO)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] COO)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'COO)O' for input: 'COO)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: O=C(C(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] O=C(C(=O)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'O=C(C(=O)O' for input: 'O=C(C(=O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCC(==O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCC(==O)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(==O)O' for input: 'CCC(==O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCC()O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCC()O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC()O' for input: 'CCC()O'
[18:21:49] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:49] SMILES Parse Error: syntax error while parsing: COC(=)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] COC(=)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'COC(=)O' for input: 'COC(=)O'
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 1 C, 5, is greater than permitted
[18:21:49] Explicit valence for atom # 0 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:49] SMILES Parse Error: syntax error while parsing: CCOC()O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCOC()O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCOC()O' for input: 'CCOC()O'
[18:21:49] Explicit valence for atom # 3 O, 4, is greater than permitted
[18:21:49] SMILES Parse Error: syntax error while parsing: CCC(==O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCC(==O)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(==O)O' for input: 'CCC(==O)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: COO)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] COO)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'COO)O' for input: 'COO)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(=C(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(=C(=O)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(=C(=O)O' for input: 'CCC(=C(=O)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(C(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(C(=O)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(C(=O)O' for input: 'CCC(C(=O)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CC=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CC=O)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC=O)O' for input: 'CC=O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: O=(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] O=(=O)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'O=(=O)O' for input: 'O=(=O)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(C(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(C(=O)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(C(=O)O' for input: 'CCC(C(=O)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CO=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CO=O)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CO=O)O' for input: 'CO=O)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(=C(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(=C(=O)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(=C(=O)O' for input: 'CCC(=C(=O)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: COO)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] COO)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'COO)O' for input: 'COO)O'
[18:21:49] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:49] SMILES Parse Error: syntax error while parsing: O=)OO
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] O=)OO
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'O=)OO' for input: 'O=)OO'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: O=C(OC(O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] O=C(OC(O)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'O=C(OC(O)O' for input: 'O=C(OC(O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCC(==O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCC(==O)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(==O)O' for input: 'CCC(==O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCOC()O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCOC()O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCOC()O' for input: 'CCOC()O'
[18:21:49] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCOC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCOC)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCOC)O' for input: 'CCOC)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCOC(=O(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCOC(=O(=O)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCOC(=O(=O)O' for input: 'CCOC(=O(=O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCC(=(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCC(=(=O)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(=(=O)O' for input: 'CCC(=(=O)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCO)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCCO)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCO)O' for input: 'CCCO)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCOOC(==O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 8:
[18:21:49] CCOOC(==O)O
[18:21:49] ~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCOOC(==O)O' for input: 'CCOOC(==O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCOC(=)O
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCOC(=)O
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCOC(=)O' for input: 'CCOC(=)O'
[18:21:49] Explicit valence for atom # 3 O, 3, is greater than permitted
[18:21:49] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCO)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCO)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCO)O' for input: 'CCO)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCOC(=(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCOC(=(=O)O
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCOC(=(=O)O' for input: 'CCOC(=(=O)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCOOC(=O(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCOOC(=O(=O)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCOOC(=O(=O)O' for input: 'CCOOC(=O(=O)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCOOC)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCOOC)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCOOC)O' for input: 'CCOOC)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCO)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCO)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCO)O' for input: 'CCO)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CC(=OC(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] CC(=OC(=O)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC(=OC(=O)O' for input: 'CC(=OC(=O)O'
[18:21:49] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:49] SMILES Parse Error: syntax error while parsing: CCOC()O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCOC()O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCOC()O' for input: 'CCOC()O'
[18:21:49] Explicit valence for atom # 3 C, 5, is greater than permitted
[18:21:49] SMILES Parse Error: syntax error while parsing: CCOC((=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCOC((=O)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCOC((=O)O' for input: 'CCOC((=O)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CC=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CC=O)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC=O)O' for input: 'CC=O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCOC((=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 6:
[18:21:49] CCOC((=O)O
[18:21:49] ~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCOC((=O)O' for input: 'CCOC((=O)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCC=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 7:
[18:21:49] CCCC=O)O
[18:21:49] ~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCC=O)O' for input: 'CCCC=O)O'
[18:21:49] Explicit valence for atom # 2 O, 4, is greater than permitted
[18:21:49] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:49] SMILES Parse Error: syntax error while parsing: CCOOCOC(=)O
[18:21:49] SMILES Parse Error: check for mistakes around position 10:
[18:21:49] CCOOCOC(=)O
[18:21:49] ~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCOOCOC(=)O' for input: 'CCOOCOC(=)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CC=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CC=O)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC=O)O' for input: 'CC=O)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(C)C(C(C)C(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 8:
[18:21:49] CCC(C)C(C(C)C(=O)O
[18:21:49] ~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(C)C(C(C)C(=O)O' for input: 'CCC(C)C(C(C)C(=O)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CC)C(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 3:
[18:21:49] CC)C(=O)O
[18:21:49] ~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CC)C(=O)O' for input: 'CC)C(=O)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCC(COOCOC(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 4:
[18:21:49] CCC(COOCOC(=O)O
[18:21:49] ~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC(COOCOC(=O)O' for input: 'CCC(COOCOC(=O)O'
[18:21:49] SMILES Parse Error: extra close parentheses while parsing: CCCCC(C)C)O
[18:21:49] SMILES Parse Error: check for mistakes around position 10:
[18:21:49] CCCCC(C)C)O
[18:21:49] ~~~~~~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C)C)O' for input: 'CCCCC(C)C)O'
[18:21:49] SMILES Parse Error: extra open parentheses while parsing: CCCC(=O(=O)O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCCC(=O(=O)O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCCC(=O(=O)O' for input: 'CCCC(=O(=O)O'
[18:21:49] SMILES Parse Error: syntax error while parsing: CCC()O
[18:21:49] SMILES Parse Error: check for mistakes around position 5:
[18:21:49] CCC()O
[18:21:49] ~~~~^
[18:21:49] SMILES Parse Error: Failed parsing SMILES 'CCC()O' for input: 'CCC()O'
[18:21:49] Explicit valence for atom # 4 O, 4, is greater than permitted
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC)C(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCC)C(=O)O
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC)C(=O)O' for input: 'CCC)C(=O)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCC(CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CCCC(CCC(=O)O
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCC(CCC(=O)O' for input: 'CCCC(CCC(=O)O'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCCCC(=)O
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] CCCCC(=)O
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(=)O' for input: 'CCCCC(=)O'
[18:21:50] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:50] SMILES Parse Error: syntax error while parsing: CCCCC((=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 7:
[18:21:50] CCCCC((=O)O
[18:21:50] ~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC((=O)O' for input: 'CCCCC((=O)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCC=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] CCCCC=O)O
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC=O)O' for input: 'CCCCC=O)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCCC(CCC(C)C(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 6:
[18:21:50] CCCCC(CCC(C)C(=O)O
[18:21:50] ~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(CCC(C)C(=O)O' for input: 'CCCCC(CCC(C)C(=O)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CC=O)O
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC=O)O' for input: 'CC=O)O'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCCC(C)C(=(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 11:
[18:21:50] CCCC(C)C(=(=O)O
[18:21:50] ~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCC(C)C(=(=O)O' for input: 'CCCC(C)C(=(=O)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCC(C)CO)O
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CCCC(C)CO)O
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCC(C)CO)O' for input: 'CCCC(C)CO)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCO)O
[18:21:50] SMILES Parse Error: check for mistakes around position 6:
[18:21:50] CCCCO)O
[18:21:50] ~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCO)O' for input: 'CCCCO)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCCC(C)C(=C(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CCCCC(C)C(=C(=O)O
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C)C(=C(=O)O' for input: 'CCCCC(C)C(=C(=O)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(C)C(=C(C)CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] CCC(C)C(=C(C)CCC(=O)O
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(C)C(=C(C)CCC(=O)O' for input: 'CCC(C)C(=C(C)CCC(=O)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCO)O
[18:21:50] SMILES Parse Error: check for mistakes around position 6:
[18:21:50] CCCCO)O
[18:21:50] ~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCO)O' for input: 'CCCCO)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCC)O
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CCCC)O
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCC)O' for input: 'CCCC)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCCC(C)C(=OC(C)C(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CCCCC(C)C(=OC(C)C(=O)O
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C)C(=OC(C)C(=O)O' for input: 'CCCCC(C)C(=OC(C)C(=O)O'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC1CCC(C)C(C((=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 14:
[18:21:50] CC1CCC(C)C(C((=O)O
[18:21:50] ~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CCC(C)C(C((=O)O' for input: 'CC1CCC(C)C(C((=O)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCC(C)C=O)O)C1
[18:21:50] SMILES Parse Error: check for mistakes around position 11:
[18:21:50] CCCC(C)C=O)O)C1
[18:21:50] ~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCC(C)C=O)O)C1' for input: 'CCCC(C)C=O)O)C1'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCCC(C)C(=CCCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CCCCC(C)C(=CCCC(=O)O
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C)C(=CCCC(=O)O' for input: 'CCCCC(C)C(=CCCC(=O)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCC(C))CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 9:
[18:21:50] CCCCC(C))CCC(=O)O
[18:21:50] ~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C))CCC(=O)O' for input: 'CCCCC(C))CCC(=O)O'
[18:21:50] Explicit valence for atom # 10 C, 5, is greater than permitted
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCC(C))O
[18:21:50] SMILES Parse Error: check for mistakes around position 9:
[18:21:50] CCCCC(C))O
[18:21:50] ~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C))O' for input: 'CCCCC(C))O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCNCC(C)CCC(=OC(=C)CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 12:
[18:21:50] CCNCC(C)CCC(=OC(=C)CCC(=O)O
[18:21:50] ~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCNCC(C)CCC(=OC(=C)CCC(=O)O' for input: 'CCNCC(C)CCC(=OC(=C)CCC(=O)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCC(C))O
[18:21:50] SMILES Parse Error: check for mistakes around position 9:
[18:21:50] CCCCC(C))O
[18:21:50] ~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C))O' for input: 'CCCCC(C))O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCNCC(C)CCC(=OC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 12:
[18:21:50] CCNCC(C)CCC(=OC(=O)O
[18:21:50] ~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCNCC(C)CCC(=OC(=O)O' for input: 'CCNCC(C)CCC(=OC(=O)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCCC(C)C(=CC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CCCCC(C)C(=CC(=O)O
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C)C(=CC(=O)O' for input: 'CCCCC(C)C(=CC(=O)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCC(C)CO)O
[18:21:50] SMILES Parse Error: check for mistakes around position 11:
[18:21:50] CCCCC(C)CO)O
[18:21:50] ~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C)CO)O' for input: 'CCCCC(C)CO)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCC)CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 6:
[18:21:50] CCCCC)CCC(=O)O
[18:21:50] ~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC)CCC(=O)O' for input: 'CCCCC)CCC(=O)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCCC(C)C(=C(C)C(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CCCCC(C)C(=C(C)C(=O)O
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C)C(=C(C)C(=O)O' for input: 'CCCCC(C)C(=C(C)C(=O)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCC(C)C)O)C1
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CCCCC(C)C)O)C1
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C)C)O)C1' for input: 'CCCCC(C)C)O)C1'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1CCC(C)C(C(=O(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 11:
[18:21:50] CC1CCC(C)C(C(=O(=O)O
[18:21:50] ~~~~~~~~~~^
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1CCC(C)C(C(=O(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 13:
[18:21:50] CC1CCC(C)C(C(=O(=O)O
[18:21:50] ~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CCC(C)C(C(=O(=O)O' for input: 'CC1CCC(C)C(C(=O(=O)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1CCC(C)C(C(=O)C(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 11:
[18:21:50] CC1CCC(C)C(C(=O)C(=O)O
[18:21:50] ~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CCC(C)C(C(=O)C(=O)O' for input: 'CC1CCC(C)C(C(=O)C(=O)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCC(C)O)C1
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CCCCC(C)O)C1
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C)O)C1' for input: 'CCCCC(C)O)C1'
[18:21:50] Explicit valence for atom # 9 O, 3, is greater than permitted
[18:21:50] SMILES Parse Error: syntax error while parsing: CCCCC(C)C(=)O
[18:21:50] SMILES Parse Error: check for mistakes around position 12:
[18:21:50] CCCCC(C)C(=)O
[18:21:50] ~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C)C(=)O' for input: 'CCCCC(C)C(=)O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1CCC(C)C(C(=O)O=O)O'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCNCC(C)CCC()C1
[18:21:50] SMILES Parse Error: check for mistakes around position 13:
[18:21:50] CCNCC(C)CCC()C1
[18:21:50] ~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCNCC(C)CCC()C1' for input: 'CCNCC(C)CCC()C1'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCNCC(C)O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CCNCC(C)O)O
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCNCC(C)O)O' for input: 'CCNCC(C)O)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCNCC(C)CCC(=CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 12:
[18:21:50] CCNCC(C)CCC(=CCC(=O)O
[18:21:50] ~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCNCC(C)CCC(=CCC(=O)O' for input: 'CCNCC(C)CCC(=CCC(=O)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCO)O
[18:21:50] SMILES Parse Error: check for mistakes around position 6:
[18:21:50] CCCCO)O
[18:21:50] ~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCO)O' for input: 'CCCCO)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCCC(C)CCC(=C(C)C(=C)CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 12:
[18:21:50] CCCCC(C)CCC(=C(C)C(=C)CCC(=O)O
[18:21:50] ~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C)CCC(=C(C)C(=C)CCC(=O)O' for input: 'CCCCC(C)CCC(=C(C)C(=C)CCC(=O)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1CCC(C)C(C(=O)CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 11:
[18:21:50] CC1CCC(C)C(C(=O)CCC(=O)O
[18:21:50] ~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CCC(C)C(C(=O)CCC(=O)O' for input: 'CC1CCC(C)C(C(=O)CCC(=O)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCNCC(C)O)C1
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CCNCC(C)O)C1
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCNCC(C)O)C1' for input: 'CCNCC(C)O)C1'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCCCC(C)C(=C)CCC()CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 18:
[18:21:50] CCCCC(C)C(=C)CCC()CCC(=O)O
[18:21:50] ~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C)C(=C)CCC()CCC(=O)O' for input: 'CCCCC(C)C(=C)CCC()CCC(=O)O'
[18:21:50] Explicit valence for atom # 6 C, 5, is greater than permitted
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCCCC(C(=O)O)C1'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC1CCC(C)C(C)C(=C)CCC(=O)O'
[18:21:50] SMILES Parse Error: syntax error while parsing: C=C(CCC(==C)CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] C=C(CCC(==C)CCC(=O)O
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(==C)CCC(=O)O' for input: 'C=C(CCC(==C)CCC(=O)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCC(C)C(O)O)C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 14:
[18:21:50] CCCCC(C)C(O)O)C(C)CC(O)CC
[18:21:50] ~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C)C(O)O)C(C)CC(O)CC' for input: 'CCCCC(C)C(O)O)C(C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CC=O)O
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC=O)O' for input: 'CC=O)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCCC(C)C(=C)CCC(C1CCC(C)C(C(=O)O)C1
[18:21:50] SMILES Parse Error: check for mistakes around position 17:
[18:21:50] CCCCC(C)C(=C)CCC(C1CCC(C)C(C(=O)O)C1
[18:21:50] ~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C)C(=C)CCC(C1CCC(C)C(C(=O)O)C1' for input: 'CCCCC(C)C(=C)CCC(C1CCC(C)C(C(=O)O)C1'
[18:21:50] Explicit valence for atom # 6 C, 5, is greater than permitted
[18:21:50] Explicit valence for atom # 10 C, 5, is greater than permitted
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C(C))O)C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 18:
[18:21:50] C=C(CCC(=O)O)C(C))O)C(C)CC(O)CC
[18:21:50] ~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C))O)C(C)CC(O)CC' for input: 'C=C(CCC(=O)O)C(C))O)C(C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(=OCC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] C=C(CCC(=OCC(O)CC
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(=OCC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] C=C(CCC(=OCC(O)CC
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=OCC(O)CC' for input: 'C=C(CCC(=OCC(O)CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC1)CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CCC1)CCC(=O)O
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC1)CCC(=O)O' for input: 'CCC1)CCC(=O)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCCC(C)C(=CCCC(C)C(C(=O)O)C1
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CCCCC(C)C(=CCCC(C)C(C(=O)O)C1
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C)C(=CCCC(C)C(C(=O)O)C1' for input: 'CCCCC(C)C(=CCCC(C)C(C(=O)O)C1'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCCC)C(=C)CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 7:
[18:21:50] CCCCCC)C(=C)CCC(=O)O
[18:21:50] ~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCCC)C(=C)CCC(=O)O' for input: 'CCCCCC)C(=C)CCC(=O)O'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCCCC((C)C(=C=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 7:
[18:21:50] CCCCC((C)C(=C=O)O
[18:21:50] ~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC((C)C(=C=O)O' for input: 'CCCCC((C)C(=C=O)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCCC(CCC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 6:
[18:21:50] CCCCC(CCC(O)CC
[18:21:50] ~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(CCC(O)CC' for input: 'CCCCC(CCC(O)CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C(C))C(=C)CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 18:
[18:21:50] C=C(CCC(=O)O)C(C))C(=C)CCC(=O)O
[18:21:50] ~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C))C(=C)CCC(=O)O' for input: 'C=C(CCC(=O)O)C(C))C(=C)CCC(=O)O'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCCCC(C)C(=C)CCC()O
[18:21:50] SMILES Parse Error: check for mistakes around position 18:
[18:21:50] CCCCC(C)C(=C)CCC()O
[18:21:50] ~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C)C(=C)CCC()O' for input: 'CCCCC(C)C(=C)CCC()O'
[18:21:50] Explicit valence for atom # 11 O, 4, is greater than permitted
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC1CCC(C)C(CC)C(=O)O'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCC(O)CC((=O)O)C1
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CCC(O)CC((=O)O)C1
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(O)CC((=O)O)C1' for input: 'CCC(O)CC((=O)O)C1'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCC1CCC(C)C(C()CC
[18:21:50] SMILES Parse Error: check for mistakes around position 15:
[18:21:50] CCC1CCC(C)C(C()CC
[18:21:50] ~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC1CCC(C)C(C()CC' for input: 'CCC1CCC(C)C(C()CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C(C)CC(O=O)O)C1
[18:21:50] SMILES Parse Error: check for mistakes around position 26:
[18:21:50] CC(=O)O)C(C)CC(O=O)O)C1
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C)CC(O=O)O)C1' for input: 'C=C(CCC(=O)O)C(C)CC(O=O)O)C1'
[18:21:50] SMILES Parse Error: syntax error while parsing: C=C(CCC(=O)O)C((=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 16:
[18:21:50] C=C(CCC(=O)O)C((=O)O
[18:21:50] ~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C((=O)O' for input: 'C=C(CCC(=O)O)C((=O)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCC(C)C(=C)CCCC)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 18:
[18:21:50] CCCCC(C)C(=C)CCCC)CC(O)CC
[18:21:50] ~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C)C(=C)CCCC)CC(O)CC' for input: 'CCCCC(C)C(=C)CCCC)CC(O)CC'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC1CCC(C)C(C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 12:
[18:21:50] CCC1CCC(C)C(C(C)CC(O)CC
[18:21:50] ~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC1CCC(C)C(C(C)CC(O)CC' for input: 'CCC1CCC(C)C(C(C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C(=O)O)C1
[18:21:50] SMILES Parse Error: check for mistakes around position 20:
[18:21:50] C=C(CCC(=O)O)C(=O)O)C1
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(=O)O)C1' for input: 'C=C(CCC(=O)O)C(=O)O)C1'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCCCC(C)C()CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 11:
[18:21:50] CCCCC(C)C()CCC(=O)O
[18:21:50] ~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC(C)C()CCC(=O)O' for input: 'CCCCC(C)C()CCC(=O)O'
[18:21:50] Explicit valence for atom # 7 C, 5, is greater than permitted
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C(C)CCC)C(C(=O)O)C1
[18:21:50] SMILES Parse Error: check for mistakes around position 21:
[18:21:50] C=C(CCC(=O)O)C(C)CCC)C(C(=O)O)C1
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C)CCC)C(C(=O)O)C1' for input: 'C=C(CCC(=O)O)C(C)CCC)C(C(=O)O)C1'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCC1CCC((O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 9:
[18:21:50] CCC1CCC((O)CC
[18:21:50] ~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC1CCC((O)CC' for input: 'CCC1CCC((O)CC'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(=C1=COC(=O)CC1
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] C=C(CCC(=C1=COC(=O)CC1
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(=C1=COC(=O)CC1
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] C=C(CCC(=C1=COC(=O)CC1
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=C1=COC(=O)CC1' for input: 'C=C(CCC(=C1=COC(=O)CC1'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(O)CC(C)O)O)C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 13:
[18:21:50] CCC(O)CC(C)O)O)C(C)CC(O)CC
[18:21:50] ~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(O)CC(C)O)O)C(C)CC(O)CC' for input: 'CCC(O)CC(C)O)O)C(C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(O)CC(CC(=O)O)C(C))C=C1CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 22:
[18:21:50] CC(O)CC(CC(=O)O)C(C))C=C1CCC(=O)O
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(O)CC(CC(=O)O)C(C))C=C1CCC(=O)O' for input: 'CCC(O)CC(CC(=O)O)C(C))C=C1CCC(=O)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1CC(O)C(CCC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CC1CC(O)C(CCC(O)CC
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CC(O)C(CCC(O)CC' for input: 'CC1CC(O)C(CCC(O)CC'
[18:21:50] Explicit valence for atom # 8 C, 5, is greater than permitted
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1CC(O)C(C)C=1CC(O)CCC2=C1CCC(=O)O2'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC1CCC(=O)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] C=C(CCC(C(C)CC(O)CC
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] C=C(CCC(C(C)CC(O)CC
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(C(C)CC(O)CC' for input: 'C=C(CCC(C(C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(O)CC(CC(=O)O)=O)O)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 20:
[18:21:50] CCC(O)CC(CC(=O)O)=O)O)CC(O)CC
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(O)CC(CC(=O)O)=O)O)CC(O)CC' for input: 'CCC(O)CC(CC(=O)O)=O)O)CC(O)CC'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(=O)O2'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1CC(O)CCC2=C1CCCC(O)C(C)C=C1CCC(=O)O'
[18:21:50] SMILES Parse Error: syntax error while parsing: C=)O)C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 3:
[18:21:50] C=)O)C(C)CC(O)CC
[18:21:50] ~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=)O)C(C)CC(O)CC' for input: 'C=)O)C(C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(=OC(CCC(=O)O)C(C)C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] C=C(CCC(=OC(CCC(=O)O)C(C)C(C)CC(O)CC
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(=OC(CCC(=O)O)C(C)C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] C=C(CCC(=OC(CCC(=O)O)C(C)C(C)CC(O)CC
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=OC(CCC(=O)O)C(C)C(C)CC(O)CC' for input: 'C=C(CCC(=OC(CCC(=O)O)C(C)C(C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(O)CC(CC(=O)OC(=O)O2
[18:21:50] SMILES Parse Error: check for mistakes around position 9:
[18:21:50] CCC(O)CC(CC(=O)OC(=O)O2
[18:21:50] ~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(O)CC(CC(=O)OC(=O)O2' for input: 'CCC(O)CC(CC(=O)OC(=O)O2'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1CC(O)CCC2=C1CC)C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 18:
[18:21:50] CC1CC(O)CCC2=C1CC)C(C)CC(O)CC
[18:21:50] ~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CC(O)CCC2=C1CC)C(C)CC(O)CC' for input: 'CC1CC(O)CCC2=C1CC)C(C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC)C(C)C=C1CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 3:
[18:21:50] CC)C(C)C=C1CCC(=O)O
[18:21:50] ~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC)C(C)C=C1CCC(=O)O' for input: 'CC)C(C)C=C1CCC(=O)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1CC(O1CC(O)C(C)C=C1CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 6:
[18:21:50] CC1CC(O1CC(O)C(C)C=C1CCC(=O)O
[18:21:50] ~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CC(O1CC(O)C(C)C=C1CCC(=O)O' for input: 'CC1CC(O1CC(O)C(C)C=C1CCC(=O)O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1CC(O)CCC2=C1CC(O)CC'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C(C)CCC(=O)O2'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC)C=C1CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 3:
[18:21:50] CC)C=C1CCC(=O)O
[18:21:50] ~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC)C=C1CCC(=O)O' for input: 'CC)C=C1CCC(=O)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1CC(O)C(CC(O)CC(CC(=O)O)C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CC1CC(O)C(CC(O)CC(CC(=O)O)C(C)CC(O)CC
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CC(O)C(CC(O)CC(CC(=O)O)C(C)CC(O)CC' for input: 'CC1CC(O)C(CC(O)CC(CC(=O)O)C(C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1CC(O)CCC2O)CCC2=C1CCC(=O)O2
[18:21:50] SMILES Parse Error: check for mistakes around position 14:
[18:21:50] CC1CC(O)CCC2O)CCC2=C1CCC(=O)O2
[18:21:50] ~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CC(O)CCC2O)CCC2=C1CCC(=O)O2' for input: 'CC1CC(O)CCC2O)CCC2=C1CCC(=O)O2'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1CC(=C1CCC(=O)O2
[18:21:50] SMILES Parse Error: check for mistakes around position 6:
[18:21:50] CC1CC(=C1CCC(=O)O2
[18:21:50] ~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CC(=C1CCC(=O)O2' for input: 'CC1CC(=C1CCC(=O)O2'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C(C)C(O)C(C)C=C1CCC(=O)O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1CCC(O)CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(O)CC(CC(=O)O)C(C)(=O)O)C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 27:
[18:21:50] CC(CC(=O)O)C(C)(=O)O)C(C)CC(O)CC
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(O)CC(CC(=O)O)C(C)(=O)O)C(C)CC(O)CC' for input: 'CCC(O)CC(CC(=O)O)C(C)(=O)O)C(C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCCCC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] C=C(CCCCC(O)CC
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCCCC(O)CC' for input: 'C=C(CCCCC(O)CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1CC(O)CCCC)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 13:
[18:21:50] CC1CC(O)CCCC)CC(O)CC
[18:21:50] ~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CC(O)CCCC)CC(O)CC' for input: 'CC1CC(O)CCCC)CC(O)CC'
[18:21:50] SMILES Parse Error: syntax error while parsing: C=C(CCC(=O)O)C(2=C1CCC(=O)O2
[18:21:50] SMILES Parse Error: check for mistakes around position 16:
[18:21:50] C=C(CCC(=O)O)C(2=C1CCC(=O)O2
[18:21:50] ~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(2=C1CCC(=O)O2' for input: 'C=C(CCC(=O)O)C(2=C1CCC(=O)O2'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1CO)O2
[18:21:50] SMILES Parse Error: check for mistakes around position 6:
[18:21:50] CC1CO)O2
[18:21:50] ~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CO)O2' for input: 'CC1CO)O2'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1CC(O)CCC2=C1CCC(=C(O)C(C)C=C1CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 19:
[18:21:50] CC1CC(O)CCC2=C1CCC(=C(O)C(C)C=C1CCC(=O)O
[18:21:50] ~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CC(O)CCC2=C1CCC(=C(O)C(C)C=C1CCC(=O)O' for input: 'CC1CC(O)CCC2=C1CCC(=C(O)C(C)C=C1CCC(=O)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1CC(O)CCC2=C1CCC)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 19:
[18:21:50] CC1CC(O)CCC2=C1CCC)CC(O)CC
[18:21:50] ~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CC(O)CCC2=C1CCC)CC(O)CC' for input: 'CC1CC(O)CCC2=C1CCC)CC(O)CC'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(=O)O)C(C)C(C(=O)O2
[18:21:50] SMILES Parse Error: check for mistakes around position 19:
[18:21:50] C=C(CCC(=O)O)C(C)C(C(=O)O2
[18:21:50] ~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C)C(C(=O)O2' for input: 'C=C(CCC(=O)O)C(C)C(C(=O)O2'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1CC(O1CC(O)CCC2=C1CCC(=O)O2
[18:21:50] SMILES Parse Error: check for mistakes around position 6:
[18:21:50] CC1CC(O1CC(O)CCC2=C1CCC(=O)O2
[18:21:50] ~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CC(O1CC(O)CCC2=C1CCC(=O)O2' for input: 'CC1CC(O1CC(O)CCC2=C1CCC(=O)O2'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC)C(C)C=C1CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 3:
[18:21:50] CC)C(C)C=C1CCC(=O)O
[18:21:50] ~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC)C(C)C=C1CCC(=O)O' for input: 'CC)C(C)C=C1CCC(=O)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(=O)O)C(CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 15:
[18:21:50] C=C(CCC(=O)O)C(CC(O)CC
[18:21:50] ~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(CC(O)CC' for input: 'C=C(CCC(=O)O)C(CC(O)CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C(C)C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 19:
[18:21:50] C=C(CCC(=O)O)C(C)C)CC(O)CC
[18:21:50] ~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C)C)CC(O)CC' for input: 'C=C(CCC(=O)O)C(C)C)CC(O)CC'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)CCC(O)C1'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C1CC1CCCC(O)C1'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1CC(O)C(C)C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 14:
[18:21:50] CC1CC(O)C(C)C)CC(O)CC
[18:21:50] ~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CC(O)C(C)C)CC(O)CC' for input: 'CC1CC(O)C(C)C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(=O)O)C(C=C1CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 15:
[18:21:50] C=C(CCC(=O)O)C(C=C1CCC(=O)O
[18:21:50] ~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C=C1CCC(=O)O' for input: 'C=C(CCC(=O)O)C(C=C1CCC(=O)O'
[18:21:50] Explicit valence for atom # 6 C, 5, is greater than permitted
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C=C2CC(C(=O)OC(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CC1C=C2CC(C(=O)OC(C)CC(O)CC
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C=C2CC(C(=O)OC(C)CC(O)CC' for input: 'CC1C=C2CC(C(=O)OC(C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O))C(C2C)C1O
[18:21:50] SMILES Parse Error: check for mistakes around position 14:
[18:21:50] C=C(CCC(=O)O))C(C2C)C1O
[18:21:50] ~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O))C(C2C)C1O' for input: 'C=C(CCC(=O)O))C(C2C)C1O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(=OCC
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] C=C(CCC(=OCC
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(=OCC
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] C=C(CCC(=OCC
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=OCC' for input: 'C=C(CCC(=OCC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C(C)CC(O))O)C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 23:
[18:21:50] C(CCC(=O)O)C(C)CC(O))O)C(C)CC(O)CC
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C)CC(O))O)C(C)CC(O)CC' for input: 'C=C(CCC(=O)O)C(C)CC(O))O)C(C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCCCC(O)C1
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] C=C(CCCCC(O)C1
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCCCC(O)C1' for input: 'C=C(CCCCC(O)C1'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C1CC(=O)O)C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 23:
[18:21:50] C(CCC(=O)O)C1CC(=O)O)C(C)CC(O)CC
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C1CC(=O)O)C(C)CC(O)CC' for input: 'C=C(CCC(=O)O)C1CC(=O)O)C(C)CC(O)CC'
[18:21:50] Explicit valence for atom # 6 C, 5, is greater than permitted
[18:21:50] Explicit valence for atom # 8 C, 5, is greater than permitted
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C(C)CC(O))C1
[18:21:50] SMILES Parse Error: check for mistakes around position 23:
[18:21:50] C(CCC(=O)O)C(C)CC(O))C1
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C)CC(O))C1' for input: 'C=C(CCC(=O)O)C(C)CC(O))C1'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(=O)O)C1CCCC(OCC
[18:21:50] SMILES Parse Error: check for mistakes around position 20:
[18:21:50] C=C(CCC(=O)O)C1CCCC(OCC
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C1CCCC(OCC' for input: 'C=C(CCC(=O)O)C1CCCC(OCC'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCCCC(C(=O)O)C(C2C)C1O
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] C=C(CCCCC(C(=O)O)C(C2C)C1O
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCCCC(C(=O)O)C(C2C)C1O' for input: 'C=C(CCCCC(C(=O)O)C(C2C)C1O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C=C2(=O)O)C1CCCC(O)C2=C1CNC(=O)O2
[18:21:50] SMILES Parse Error: check for mistakes around position 13:
[18:21:50] CC1C=C2(=O)O)C1CCCC(O)C2=C1CNC(=O)O2
[18:21:50] ~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C=C2(=O)O)C1CCCC(O)C2=C1CNC(=O)O2' for input: 'CC1C=C2(=O)O)C1CCCC(O)C2=C1CNC(=O)O2'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC1C=C2CC((O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 11:
[18:21:50] CC1C=C2CC((O)CC
[18:21:50] ~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C=C2CC((O)CC' for input: 'CC1C=C2CC((O)CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C(C)CCC(=O)O)C(C2C)C1O
[18:21:50] SMILES Parse Error: check for mistakes around position 26:
[18:21:50] CC(=O)O)C(C)CCC(=O)O)C(C2C)C1O
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C)CCC(=O)O)C(C2C)C1O' for input: 'C=C(CCC(=O)O)C(C)CCC(=O)O)C(C2C)C1O'
[18:21:50] SMILES Parse Error: syntax error while parsing: C=C(CCC(=(=O)O)C1CCCC(O)C2=C1CNC(=O)O2
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] C=C(CCC(=(=O)O)C1CCCC(O)C2=C1CNC(=O)O2
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=(=O)O)C1CCCC(O)C2=C1CNC(=O)O2' for input: 'C=C(CCC(=(=O)O)C1CCCC(O)C2=C1CNC(=O)O2'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCCO)O)C1CCCC(O)C2=C1CNC(=O)O2
[18:21:50] SMILES Parse Error: check for mistakes around position 11:
[18:21:50] C=C(CCCO)O)C1CCCC(O)C2=C1CNC(=O)O2
[18:21:50] ~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCCO)O)C1CCCC(O)C2=C1CNC(=O)O2' for input: 'C=C(CCCO)O)C1CCCC(O)C2=C1CNC(=O)O2'
[18:21:50] SMILES Parse Error: syntax error while parsing: C==O)O)C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 3:
[18:21:50] C==O)O)C(C)CC(O)CC
[18:21:50] ~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C==O)O)C(C)CC(O)CC' for input: 'C==O)O)C(C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(C(CCC(=O)O)C1CCCC(O)C2=C1CNC(=O)O2
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] C=C(CCC(C(CCC(=O)O)C1CCCC(O)C2=C1CNC(=O)O
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(C(CCC(=O)O)C1CCCC(O)C2=C1CNC(=O)O2
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] C=C(CCC(C(CCC(=O)O)C1CCCC(O)C2=C1CNC(=O)O
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(C(CCC(=O)O)C1CCCC(O)C2=C1CNC(=O)O2' for input: 'C=C(CCC(C(CCC(=O)O)C1CCCC(O)C2=C1CNC(=O)O2'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(=O)O)C1CCCC(OC=C2CC(C(=O)O)C(C2C)C1O
[18:21:50] SMILES Parse Error: check for mistakes around position 20:
[18:21:50] C=C(CCC(=O)O)C1CCCC(OC=C2CC(C(=O)O)C(C2C)
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C1CCCC(OC=C2CC(C(=O)O)C(C2C)C1O' for input: 'C=C(CCC(=O)O)C1CCCC(OC=C2CC(C(=O)O)C(C2C)C1O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1)C2=C1CNC(=O)O2
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CC1)C2=C1CNC(=O)O2
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1)C2=C1CNC(=O)O2' for input: 'CC1)C2=C1CNC(=O)O2'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C=C2CC(C)C1CC(O)C(C)C=C1CCC(=O)O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C(C(=O)O)C(C2C)C1O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: O=C(CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] O=C(CC(O)CC
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'O=C(CC(O)CC' for input: 'O=C(CC(O)CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C(C)O)CCC1=CC12CCCC(O)C2
[18:21:50] SMILES Parse Error: check for mistakes around position 19:
[18:21:50] C=C(CCC(=O)O)C(C)O)CCC1=CC12CCCC(O)C2
[18:21:50] ~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C)O)CCC1=CC12CCCC(O)C2' for input: 'C=C(CCC(=O)O)C(C)O)CCC1=CC12CCCC(O)C2'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(=O)(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] C=C(CCC(=O)(O)CC
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)(O)CC' for input: 'C=C(CCC(=O)(O)CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C(C)CCO)C(C)C1CC(O)C(C)C=C1CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 21:
[18:21:50] C=C(CCC(=O)O)C(C)CCO)C(C)C1CC(O)C(C)C=C1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C)CCO)C(C)C1CC(O)C(C)C=C1CCC(=O)O' for input: 'C=C(CCC(=O)O)C(C)CCO)C(C)C1CC(O)C(C)C=C1CCC(=O)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] C=C(CCCC(=O)O
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCCC(=O)O' for input: 'C=C(CCCC(=O)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C(C)C1CC(O)C(C)C=C1CC(=O)O)C(C)C1CC(O)C(C)C=C1CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 40:
[18:21:50] CC(O)C(C)C=C1CC(=O)O)C(C)C1CC(O)C(C)C=C1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C)C1CC(O)C(C)C=C1CC(=O)O)C(C)C1CC(O)C(C)C=C1CCC(=O)O' for input: 'C=C(CCC(=O)O)C(C)C1CC(O)C(C)C=C1CC(=O)O)C(C)C1CC(O)C(C)C=C1CCC(=O)O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C1CCCC(O)C(C)CC(O)CC'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C2=C1CNC(=O)O2'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(=O)ONC(=O)O2
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] C=C(CCC(=O)ONC(=O)O2
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)ONC(=O)O2' for input: 'C=C(CCC(=O)ONC(=O)O2'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C1CCCC(O)C2=C1C)C(C)C1CC(O)C(C)C=C1CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 29:
[18:21:50] =O)O)C1CCCC(O)C2=C1C)C(C)C1CC(O)C(C)C=C1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C1CCCC(O)C2=C1C)C(C)C1CC(O)C(C)C=C1CCC(=O)O' for input: 'C=C(CCC(=O)O)C1CCCC(O)C2=C1C)C(C)C1CC(O)C(C)C=C1CCC(=O)O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C1CCCC(O)C2=C1CNC(=O)O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C(C)C1CC(O)C(C)C=C1CCC(=O)O2'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C(C)CC2=C1C(O)NC(=O)O2'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1CC(O)CCC(O)CC'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(=O)O)C(CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 15:
[18:21:50] C=C(CCC(=O)O)C(CC(O)CC
[18:21:50] ~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(CC(O)CC' for input: 'C=C(CCC(=O)O)C(CC(O)CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C(C)C)C1CC(O)C(C)C=C1CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 19:
[18:21:50] C=C(CCC(=O)O)C(C)C)C1CC(O)C(C)C=C1CCC(=O)
[18:21:50] ~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C)C)C1CC(O)C(C)C=C1CCC(=O)O' for input: 'C=C(CCC(=O)O)C(C)C)C1CC(O)C(C)C=C1CCC(=O)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C=C2CC(C(=O)O)C(=O)O)C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 24:
[18:21:50] C=C2CC(C(=O)O)C(=O)O)C(C)CC(O)CC
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C=C2CC(C(=O)O)C(=O)O)C(C)CC(O)CC' for input: 'CC1C=C2CC(C(=O)O)C(=O)O)C(C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(C2C)C1O
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] C=C(CCC(C2C)C1O
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(C2C)C1O' for input: 'C=C(CCC(C2C)C1O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(=O)O)C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 9:
[18:21:50] C=C(=O)O)C(C)CC(O)CC
[18:21:50] ~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(=O)O)C(C)CC(O)CC' for input: 'C=C(=O)O)C(C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(CCC(=O)O)C(C)C1CC(O)C(C)C=C1CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] C=C(CCC(CCC(=O)O)C(C)C1CC(O)C(C)C=C1CCC(=
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(CCC(=O)O)C(C)C1CC(O)C(C)C=C1CCC(=O)O' for input: 'C=C(CCC(CCC(=O)O)C(C)C1CC(O)C(C)C=C1CCC(=O)O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C=C2CC(=O)O2'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C1CCCC(O)C2=C1CNC(C(=O)O)C(C2C)C1O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C(C)C1CC(O)CC(=O)O)C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 32:
[18:21:50] O)C(C)C1CC(O)CC(=O)O)C(C)CC(O)CC
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C)C1CC(O)CC(=O)O)C(C)CC(O)CC' for input: 'C=C(CCC(=O)O)C(C)C1CC(O)CC(=O)O)C(C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CC(C)C=C1CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] C=C(CC(C)C=C1CCC(=O)O
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CC(C)C=C1CCC(=O)O' for input: 'C=C(CC(C)C=C1CCC(=O)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] C=C(C(C)CC(O)CC
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(C(C)CC(O)CC' for input: 'C=C(C(C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)CCC(=O)O)C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 22:
[18:21:50] =C(CCC(=O)O)CCC(=O)O)C(C)CC(O)CC
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)CCC(=O)O)C(C)CC(O)CC' for input: 'C=C(CCC(=O)O)CCC(=O)O)C(C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(CCC(=O)O)C(C)C1CC(O)C(C)C=C1CCC(=C2CC(C(=O)O)C(C2C)C1O
[18:21:50] SMILES Parse Error: check for mistakes around position 36:
[18:21:50] C)C1CC(O)C(C)C=C1CCC(=C2CC(C(=O)O)C(C2C)C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C)C1CC(O)C(C)C=C1CCC(=C2CC(C(=O)O)C(C2C)C1O' for input: 'C=C(CCC(=O)O)C(C)C1CC(O)C(C)C=C1CCC(=C2CC(C(=O)O)C(C2C)C1O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 7:
[18:21:50] CC1C=O)O
[18:21:50] ~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C=O)O' for input: 'CC1C=O)O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)12CCCC(O)C2'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'O=C(O)CCC1=CCC(C)CC(O)CC'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)CCC1'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1CC(O)C1CCCC(O)C2=C1CNC(=O)O2'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)CC1'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1CC(O)CC(C)CC(O)CC'
[18:21:50] Explicit valence for atom # 17 C, 5, is greater than permitted
[18:21:50] SMILES Parse Error: syntax error while parsing: C=C(CCC(=O)O)C((CCC(=O)O)C(C)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 16:
[18:21:50] C=C(CCC(=O)O)C((CCC(=O)O)C(C)CC(O)CC
[18:21:50] ~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C((CCC(=O)O)C(C)CC(O)CC' for input: 'C=C(CCC(=O)O)C((CCC(=O)O)C(C)CC(O)CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=CC)CC(O)CC
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] C=CC)CC(O)CC
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=CC)CC(O)CC' for input: 'C=CC)CC(O)CC'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C1CCCC(O)C=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 26:
[18:21:50] CC(=O)O)C1CCCC(O)C=O)O
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C1CCCC(O)C=O)O' for input: 'C=C(CCC(=O)O)C1CCCC(O)C=O)O'
[18:21:50] SMILES Parse Error: syntax error while parsing: C=C(CCC(=O)O)C(C)C1CC(O)C(C)C=C1CCC(2=C1CNC(=O)O2
[18:21:50] SMILES Parse Error: check for mistakes around position 37:
[18:21:50] )C1CC(O)C(C)C=C1CCC(2=C1CNC(=O)O2
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C)C1CC(O)C(C)C=C1CCC(2=C1CNC(=O)O2' for input: 'C=C(CCC(=O)O)C(C)C1CC(O)C(C)C=C1CCC(2=C1CNC(=O)O2'
[18:21:50] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C1CCCC(=O)O2'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C1CCCC(O)C2=C1CNC(O)C2=C1CNC(=O)O2'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(CCC(=O)O)=CCC2C=C(CCC(=C(CCC(=O)O)=CCC2C=C(CCC(=O)O)C1CC2O
[18:21:50] SMILES Parse Error: check for mistakes around position 23:
[18:21:50] 1C(CCC(=O)O)=CCC2C=C(CCC(=C(CCC(=O)O)=CCC
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(CCC(=O)O)=CCC2C=C(CCC(=C(CCC(=O)O)=CCC2C=C(CCC(=O)O)C1CC2O
[18:21:50] SMILES Parse Error: check for mistakes around position 27:
[18:21:50] CC(=O)O)=CCC2C=C(CCC(=C(CCC(=O)O)=CCC2C=C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CCC(=O)O)=CCC2C=C(CCC(=C(CCC(=O)O)=CCC2C=C(CCC(=O)O)C1CC2O' for input: 'CC1C(CCC(=O)O)=CCC2C=C(CCC(=C(CCC(=O)O)=CCC2C=C(CCC(=O)O)C1CC2O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1O)O)C1CC2O
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CC1O)O)C1CC2O
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1O)O)C1CC2O' for input: 'CC1O)O)C1CC2O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(CCC(=O)O)=CCC1CCCC(O)C2=C1CNC(=O)O2'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C2C=C(CCC(=O)O)C1CC2O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C(C)C1CC2OC)C1CC2O
[18:21:50] SMILES Parse Error: check for mistakes around position 25:
[18:21:50] CCC(=O)O)C(C)C1CC2OC)C1CC2O
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C)C1CC2OC)C1CC2O' for input: 'C=C(CCC(=O)O)C(C)C1CC2OC)C1CC2O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(CCC(=O)O)=CCC2C=C(CCC(=O)O2(C)C=C1CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 23:
[18:21:50] 1C(CCC(=O)O)=CCC2C=C(CCC(=O)O2(C)C=C1CCC(
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CCC(=O)O)=CCC2C=C(CCC(=O)O2(C)C=C1CCC(=O)O' for input: 'CC1C(CCC(=O)O)=CCC2C=C(CCC(=O)O2(C)C=C1CCC(=O)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C1CCCC(O)C2=CCC(=O)O)C1CCCC(O)C2=C1CNC(=O)O2
[18:21:50] SMILES Parse Error: check for mistakes around position 34:
[18:21:50] C1CCCC(O)C2=CCC(=O)O)C1CCCC(O)C2=C1CNC(=O
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C1CCCC(O)C2=CCC(=O)O)C1CCCC(O)C2=C1CNC(=O)O2' for input: 'C=C(CCC(=O)O)C1CCCC(O)C2=CCC(=O)O)C1CCCC(O)C2=C1CNC(=O)O2'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C(C1CNC(=O)O2
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] C=C(C1CNC(=O)O2
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(C1CNC(=O)O2' for input: 'C=C(C1CNC(=O)O2'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C12CCC1C(O)C1=C(CCC(=O)O)=CCC2C=C(CCC(=O)O)C1CC2O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C2CNC(=O)O1'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(CCC(=O)O)=CCC2C=CC2O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(CCC(=O)O)=CCC2C=C(CCC(=O)O)C1C(CCC(=O)O)C1CC2O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C1CCCC(O)C2=C1CN(O)C2=C1CNC(=O)O2'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C1CCCCC(=O)O2'
[18:21:50] Explicit valence for atom # 16 C, 5, is greater than permitted
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(CCCCC2C=C(CCC(=O)O)C1CC2O
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CC1C(CCCCC2C=C(CCC(=O)O)C1CC2O
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CCCCC2C=C(CCC(=O)O)C1CC2O' for input: 'CC1C(CCCCC2C=C(CCC(=O)O)C1CC2O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(CCC(=O)O)=C(=O)O)=CCC2C=C(CCC(=O)O)C1CC2O
[18:21:50] SMILES Parse Error: check for mistakes around position 22:
[18:21:50] C1C(CCC(=O)O)=C(=O)O)=CCC2C=C(CCC(=O)O)C1
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CCC(=O)O)=C(=O)O)=CCC2C=C(CCC(=O)O)C1CC2O' for input: 'CC1C(CCC(=O)O)=C(=O)O)=CCC2C=C(CCC(=O)O)C1CC2O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C(C)C1CC2OC2(C)CCC(=O)O)C1CC2O
[18:21:50] SMILES Parse Error: check for mistakes around position 37:
[18:21:50] )C1CC2OC2(C)CCC(=O)O)C1CC2O
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C)C1CC2OC2(C)CCC(=O)O)C1CC2O' for input: 'C=C(CCC(=O)O)C(C)C1CC2OC2(C)CCC(=O)O)C1CC2O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(CCC(=O)O)=CCC2C=C(C=C1CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 23:
[18:21:50] 1C(CCC(=O)O)=CCC2C=C(C=C1CCC(=O)O
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CCC(=O)O)=CCC2C=C(C=C1CCC(=O)O' for input: 'CC1C(CCC(=O)O)=CCC2C=C(C=C1CCC(=O)O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C1CCCC(O)C2NC(=O)O1'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C12CCC1C(O)C1=C2C=C1CNC(=O)O2'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(C(=O)O)=CCC2C=C(CCC(=O)O)C1CC2O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(CCCCC(=O)O)C1CCCC(O)C2=C1CNC(=O)O2'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: C=C(CCC(=O)O)C(C)C1CC)O)C(C)C(O)CC1C
[18:21:50] SMILES Parse Error: check for mistakes around position 22:
[18:21:50] =C(CCC(=O)O)C(C)C1CC)O)C(C)C(O)CC1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C(CCC(=O)O)C(C)C1CC)O)C(C)C(O)CC1C' for input: 'C=C(CCC(=O)O)C(C)C1CC)O)C(C)C(O)CC1C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C1CC(C(=O2OC2(C)C=C1CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 7:
[18:21:50] C=C1CC(C(=O2OC2(C)C=C1CCC(=O)O
[18:21:50] ~~~~~~^
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: C=C1CC(C(=O2OC2(C)C=C1CCC(=O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 9:
[18:21:50] C=C1CC(C(=O2OC2(C)C=C1CCC(=O)O
[18:21:50] ~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'C=C1CC(C(=O2OC2(C)C=C1CCC(=O)O' for input: 'C=C1CC(C(=O2OC2(C)C=C1CCC(=O)O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C(C)CC1CC2O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(CCC(=O)O)=CCC2C=C(CCC(=O)O)C1CCO1'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C12CCC1C12CCC1C(O)C1=C2CNC(=O)O1'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'C=C(CCC(=O)O)C(O)C1=C2CNC(=O)O1'
[18:21:50] Explicit valence for atom # 18 O, 3, is greater than permitted
[18:21:50] Explicit valence for atom # 20 O, 3, is greater than permitted
[18:21:50] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(=O1
[18:21:50] SMILES Parse Error: check for mistakes around position 3:
[18:21:50] CC(=O1
[18:21:50] ~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(=O1' for input: 'CC(=O1'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1CO)O
[18:21:50] SMILES Parse Error: check for mistakes around position 6:
[18:21:50] CC1CO)O
[18:21:50] ~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CO)O' for input: 'CC1CO)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(CC(C)O
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCC(CC(C)O
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(CC(C)O' for input: 'CCC(CC(C)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC)O
[18:21:50] SMILES Parse Error: check for mistakes around position 3:
[18:21:50] CC)O
[18:21:50] ~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC)O' for input: 'CC)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC)O
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCC)O
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC)O' for input: 'CCC)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(C(C)O
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCC(C(C)O
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(C(C)O' for input: 'CCC(C(C)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCC)O
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CCCC)O
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCC)O' for input: 'CCCC)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCC(C(C)O
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CCCC(C(C)O
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCC(C(C)O' for input: 'CCCC(C(C)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCC(C(C)O
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CCCC(C(C)O
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCC(C(C)O' for input: 'CCCC(C(C)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC)O
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCC)O
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC)O' for input: 'CCC)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC)O
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCC)O
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC)O' for input: 'CCC)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCC(CC(C)O
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CCCC(CC(C)O
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCC(CC(C)O' for input: 'CCCC(CC(C)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCC)O
[18:21:50] SMILES Parse Error: check for mistakes around position 6:
[18:21:50] CCCCC)O
[18:21:50] ~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC)O' for input: 'CCCCC)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCCCC(CC(C)O
[18:21:50] SMILES Parse Error: check for mistakes around position 7:
[18:21:50] CCCCCC(CC(C)O
[18:21:50] ~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(CC(C)O' for input: 'CCCCCC(CC(C)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC)O
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCC)O
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC)O' for input: 'CCC)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCC(CCCC(C)O
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CCCC(CCCC(C)O
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCC(CCCC(C)O' for input: 'CCCC(CCCC(C)O'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCCC()O
[18:21:50] SMILES Parse Error: check for mistakes around position 6:
[18:21:50] CCCC()O
[18:21:50] ~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCC()O' for input: 'CCCC()O'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCCCCC()O
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] CCCCCC()O
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCCC()O' for input: 'CCCCCC()O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCCCC(CCCCC(C)O
[18:21:50] SMILES Parse Error: check for mistakes around position 7:
[18:21:50] CCCCCC(CCCCC(C)O
[18:21:50] ~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(CCCCC(C)O' for input: 'CCCCCC(CCCCC(C)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCC)O
[18:21:50] SMILES Parse Error: check for mistakes around position 6:
[18:21:50] CCCCC)O
[18:21:50] ~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC)O' for input: 'CCCCC)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCC1CC(C1CC(O)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] CCCC1CC(C1CC(O)C1C
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCC1CC(C1CC(O)C1C' for input: 'CCCC1CC(C1CC(O)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCCCO)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] CCCCCCO)C1C
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCCCO)C1C' for input: 'CCCCCCO)C1C'
[18:21:50] SMILES Parse Error: duplicated ring closure 1 bonds atom 4 to itself for input: 'CCC(O)C11CC'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCCC(O)C1N'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCCCCCC1CCCCC1CC(O)C1N'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCO)C1N
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCO)C1N
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCO)C1N' for input: 'CCO)C1N'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCCCCC1CC(CCCCC1CC(O)C1N
[18:21:50] SMILES Parse Error: check for mistakes around position 11:
[18:21:50] CCCCCCC1CC(CCCCC1CC(O)C1N
[18:21:50] ~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCCCC1CC(CCCCC1CC(O)C1N' for input: 'CCCCCCC1CC(CCCCC1CC(O)C1N'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCCC(C)C1CC(O)C1O)CCCC1CC(O)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 20:
[18:21:50] CCCCCC(C)C1CC(O)C1O)CCCC1CC(O)C1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(C)C1CC(O)C1O)CCCC1CC(O)C1C' for input: 'CCCCCC(C)C1CC(O)C1O)CCCC1CC(O)C1C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCCCCC((C)O
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] CCCCCC((C)O
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCCC((C)O' for input: 'CCCCCC((C)O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCCCCC(O)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCCCC1C(O)C1CCC1CC(O)CCCC1CC(O)C1C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCCC1C(O(C)O
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] CCCCC1C(O(C)O
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCC1C(O(C)O' for input: 'CCCCC1C(O(C)O'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCCC(C)C1CC(O)C1)C1CCC1CC(O)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 19:
[18:21:50] CCCCCC(C)C1CC(O)C1)C1CCC1CC(O)C1C
[18:21:50] ~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCCC(C)C1CC(O)C1)C1CCC1CC(O)C1C' for input: 'CCCCCC(C)C1CC(O)C1)C1CCC1CC(O)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCCCC1C(O)C1CCC1CC(O)1C(O)C1CCC1CC(O)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCCCCC1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCCCCC(C)C1CC(O)C1CC(O)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCCCCC(O)CCCC1(C)O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCCCCC(O)CCCC1CC(OCC(O)C1N
[18:21:50] SMILES Parse Error: check for mistakes around position 18:
[18:21:50] CCCCCCC(O)CCCC1CC(OCC(O)C1N
[18:21:50] ~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCCCC(O)CCCC1CC(OCC(O)C1N' for input: 'CCCCCCC(O)CCCC1CC(OCC(O)C1N'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCCCCCC1)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CCCCCCCC1)C1C
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCCCCC1)C1C' for input: 'CCCCCCCC1)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCCCCCC1(C)O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCCCCC(C)C1CC(O)CC1CC(O)C1N'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCCCCC(O)CC(O)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCCCC1C(O)C1CCC1CCCC1CC(O)C1C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(O)CC1CCC1C(OCC1CC1OC2C(CCCCO)C12
[18:21:50] SMILES Parse Error: check for mistakes around position 16:
[18:21:50] CC1C(O)CC1CCC1C(OCC1CC1OC2C(CCCCO)C12
[18:21:50] ~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)CC1CCC1C(OCC1CC1OC2C(CCCCO)C12' for input: 'CC1C(O)CC1CCC1C(OCC1CC1OC2C(CCCCO)C12'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(O))C1CCCCO
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] CC1C(O))C1CCCCO
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O))C1CCCCO' for input: 'CC1C(O))C1CCCCO'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(OC(O)C12CC2CCO
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CC1C(OC(O)C12CC2CCO
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(OC(O)C12CC2CCO' for input: 'CC1C(OC(O)C12CC2CCO'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(O)CC1CCC1)CC1CCC1C(O)C12CC2CCO
[18:21:50] SMILES Parse Error: check for mistakes around position 15:
[18:21:50] CC1C(O)CC1CCC1)CC1CCC1C(O)C12CC2CCO
[18:21:50] ~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)CC1CCC1)CC1CCC1C(O)C12CC2CCO' for input: 'CC1C(O)CC1CCC1)CC1CCC1C(O)C12CC2CCO'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCCCCCN(C)C1CC(OCC1C2CCCCOCOC21
[18:21:50] SMILES Parse Error: check for mistakes around position 15:
[18:21:50] CCCCCCN(C)C1CC(OCC1C2CCCCOCOC21
[18:21:50] ~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCCCCN(C)C1CC(OCC1C2CCCCOCOC21' for input: 'CCCCCCN(C)C1CC(OCC1C2CCCCOCOC21'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(O)CC1C)C1(C)O
[18:21:50] SMILES Parse Error: check for mistakes around position 12:
[18:21:50] CC1C(O)CC1C)C1(C)O
[18:21:50] ~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)CC1C)C1(C)O' for input: 'CC1C(O)CC1C)C1(C)O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)CC1CC1C(O)CC1CCC1C2CCC1CCC1C2CCCCOCOC21'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)CC1CC1C(O)CCCOCOC21'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1CCCOC21'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)CC1CCC1C2CCCCO(O)CC1CC1C(O)CC1CCC1C2CCCCOCOC21'
[18:21:50] SMILES Parse Error: duplicated ring closure 1 bonds atom 8 to itself for input: 'CC1C(O)CC1CCC112'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)CC1CCC1C2NCCCOCOCC2CC(O)CCOCOC12'
[18:21:50] Explicit valence for atom # 14 O, 3, is greater than permitted
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1(C)C(O)CC1CCC1C2CC(O)CCCC2COCOC31'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)CC1CC12C(O)CC1CCC1C3COCOC12'
[18:21:50] Explicit valence for atom # 22 O, 3, is greater than permitted
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)CC1CC12C(O)CC1CCC1C3CC1C3CCC2COCOC31'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)CC1CC12C(O)CC1CCCC2COCOC31'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1(C)C(O)CC2)CN1O
[18:21:50] SMILES Parse Error: check for mistakes around position 14:
[18:21:50] CC1(C)C(O)CC2)CN1O
[18:21:50] ~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1(C)C(O)CC2)CN1O' for input: 'CC1(C)C(O)CC2)CN1O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(O)CC1CC1C(CCC2C3CCCCOCOC31CCC1C2CC(O)CCOCOC12
[18:21:50] SMILES Parse Error: check for mistakes around position 15:
[18:21:50] CC1C(O)CC1CC1C(CCC2C3CCCCOCOC31CCC1C2CC(O
[18:21:50] ~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)CC1CC1C(CCC2C3CCCCOCOC31CCC1C2CC(O)CCOCOC12' for input: 'CC1C(O)CC1CC1C(CCC2C3CCCCOCOC31CCC1C2CC(O)CCOCOC12'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(O)CC1CC1C(O)CC1CCN1C2C)CC1CC12C(O)CC1CCC1C3CCC2COCOC31
[18:21:50] SMILES Parse Error: check for mistakes around position 28:
[18:21:50] CC1CC1C(O)CC1CCN1C2C)CC1CC12C(O)CC1CCC1C3
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)CC1CC1C(O)CC1CCN1C2C)CC1CC12C(O)CC1CCC1C3CCC2COCOC31' for input: 'CC1C(O)CC1CC1C(O)CC1CCN1C2C)CC1CC12C(O)CC1CCC1C3CCC2COCOC31'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(OCCCOCOC21
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CC1C(OCCCOCOC21
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(OCCCOCOC21' for input: 'CC1C(OCCCOCOC21'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1CC2(CC(O)C2CC12C(O)CC1CCC1C3CCC2COCOC31
[18:21:50] SMILES Parse Error: check for mistakes around position 7:
[18:21:50] CC1CC2(CC(O)C2CC12C(O)CC1CCC1C3CCC2COCOC3
[18:21:50] ~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CC2(CC(O)C2CC12C(O)CC1CCC1C3CCC2COCOC31' for input: 'CC1CC2(CC(O)C2CC12C(O)CC1CCC1C3CCC2COCOC31'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(O)CC1C)C23OCOCCCCC2C13
[18:21:50] SMILES Parse Error: check for mistakes around position 12:
[18:21:50] CC1C(O)CC1C)C23OCOCCCCC2C13
[18:21:50] ~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)CC1C)C23OCOCCCCC2C13' for input: 'CC1C(O)CC1C)C23OCOCCCCC2C13'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(O)CC1CC1C(OOCOC21
[18:21:50] SMILES Parse Error: check for mistakes around position 15:
[18:21:50] CC1C(O)CC1CC1C(OOCOC21
[18:21:50] ~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)CC1CC1C(OOCOC21' for input: 'CC1C(O)CC1CC1C(OOCOC21'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(O)CC1CC1C(O)CC1CCN1C2CCCC)CC1CCC1C2CCCCOCOC21
[18:21:50] SMILES Parse Error: check for mistakes around position 31:
[18:21:50] CC1C(O)CC1CCN1C2CCCC)CC1CCC1C2CCCCOCOC21
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)CC1CC1C(O)CC1CCN1C2CCCC)CC1CCC1C2CCCCOCOC21' for input: 'CC1C(O)CC1CC1C(O)CC1CCN1C2CCCC)CC1CCC1C2CCCCOCOC21'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)CC1C1C2CCOCC1C(CCC2C3CCCCOCOC32)CN1O'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)CC1COC3C(C2)N3CCC2CC(O)C21'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(O)CC1CC1C(O)CC1CCC1)CC1CC1C(CCC2C3CCCCOCOC32)CN1O
[18:21:50] SMILES Parse Error: check for mistakes around position 25:
[18:21:50] (O)CC1CC1C(O)CC1CCC1)CC1CC1C(CCC2C3CCCCOC
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)CC1CC1C(O)CC1CCC1)CC1CC1C(CCC2C3CCCCOCOC32)CN1O' for input: 'CC1C(O)CC1CC1C(O)CC1CCC1)CC1CC1C(CCC2C3CCCCOCOC32)CN1O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(OC2CCCCOCOC21
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CC1C(OC2CCCCOCOC21
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(OC2CCCCOCOC21' for input: 'CC1C(OC2CCCCOCOC21'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(O)CC1CCCC2C3CCC4COC4OC32)CN1O
[18:21:50] SMILES Parse Error: check for mistakes around position 30:
[18:21:50] 1CCCC2C3CCC4COC4OC32)CN1O
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)CC1CCCC2C3CCC4COC4OC32)CN1O' for input: 'CC1C(O)CC1CCCC2C3CCC4COC4OC32)CN1O'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(O)CC1CC1C(C1C(O)CC1CCC1C2CCCCOC21
[18:21:50] SMILES Parse Error: check for mistakes around position 15:
[18:21:50] CC1C(O)CC1CC1C(C1C(O)CC1CCC1C2CCCCOC21
[18:21:50] ~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)CC1CC1C(C1C(O)CC1CCC1C2CCCCOC21' for input: 'CC1C(O)CC1CC1C(C1C(O)CC1CCC1C2CCCCOC21'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(O)CC1CC1C(O)CC1CO)CC1CC1C(O)CC1CCC1C2CCCCOCOCOC21
[18:21:50] SMILES Parse Error: check for mistakes around position 23:
[18:21:50] 1C(O)CC1CC1C(O)CC1CO)CC1CC1C(O)CC1CCC1C2C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)CC1CC1C(O)CC1CO)CC1CC1C(O)CC1CCC1C2CCCCOCOCOC21' for input: 'CC1C(O)CC1CC1C(O)CC1CO)CC1CC1C(O)CC1CCC1C2CCCCOCOCOC21'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(CC1C2CCCCOC21
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CC1C(CC1C2CCCCOC21
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CC1C2CCCCOC21' for input: 'CC1C(CC1C2CCCCOC21'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC(O)C21'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)CC1C1C2CCOCOC3C(C2)N3CCC2C1C(O)CC1CC1C(O)CC1CCC1C2CCCCOC21'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(O)CC1CC1C(O)CCOCOC43)C1(O)C2
[18:21:50] SMILES Parse Error: check for mistakes around position 26:
[18:21:50] O)CC1CC1C(O)CCOCOC43)C1(O)C2
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)CC1CC1C(O)CCOCOC43)C1(O)C2' for input: 'CC1C(O)CC1CC1C(O)CCOCOC43)C1(O)C2'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(O)CC1CC1C2CC(C3C4CCCCOC1CCC1C2CC3CCOCOC3OC12
[18:21:50] SMILES Parse Error: check for mistakes around position 18:
[18:21:50] CC1C(O)CC1CC1C2CC(C3C4CCCCOC1CCC1C2CC3CCO
[18:21:50] ~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)CC1CC1C2CC(C3C4CCCCOC1CCC1C2CC3CCOCOC3OC12' for input: 'CC1C(O)CC1CC1C2CC(C3C4CCCCOC1CCC1C2CC3CCOCOC3OC12'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(C2
[18:21:50] SMILES Parse Error: check for mistakes around position 3:
[18:21:50] CC(C2
[18:21:50] ~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(C2' for input: 'CC(C2'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(O)CC1CC1C2CC(C3C4CCCCOCOCOC43)C1(O)CC1C2CCC3COC3OC21)C1CN(O)C1CC1CC(O)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 58:
[18:21:50] (O)CC1C2CCC3COC3OC21)C1CN(O)C1CC1CC(O)C1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)CC1CC1C2CC(C3C4CCCCOCOCOC43)C1(O)CC1C2CCC3COC3OC21)C1CN(O)C1CC1CC(O)C1C' for input: 'CC1C(O)CC1CC1C2CC(C3C4CCCCOCOCOC43)C1(O)CC1C2CCC3COC3OC21)C1CN(O)C1CC1CC(O)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)C1CC1C(O)CC1CCC1C2CCCCOCOCOC1C(O)CC1CC1C(O)CC1CCC1C2CCCCOCOC21'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC21'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(O)CC1CC1C3OC21)C1CN(O)C1CC1CC(O)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 20:
[18:21:50] CC1C(O)CC1CC1C3OC21)C1CN(O)C1CC1CC(O)C1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)CC1CC1C3OC21)C1CN(O)C1CC1CC(O)C1C' for input: 'CC1C(O)CC1CC1C3OC21)C1CN(O)C1CC1CC(O)C1C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(CC1C2CCC3COC(O)CC1CCC1C2CC3CCOCOC3OC12
[18:21:50] SMILES Parse Error: check for mistakes around position 3:
[18:21:50] CC(CC1C2CCC3COC(O)CC1CCC1C2CC3CCOCOC3OC12
[18:21:50] ~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(CC1C2CCC3COC(O)CC1CCC1C2CC3CCOCOC3OC12' for input: 'CC(CC1C2CCC3COC(O)CC1CCC1C2CC3CCOCOC3OC12'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)CC1CC1C2CC(C3C4CCCCOCOCOC43)C1(O)(O)C1CC1CC(O)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC(CC1C2CCC3COC3OC21)C1CNC2'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)CC1CC1C2CC(C3C4CCCCOCOCOC43)C1CC1C2CC(C3C4CCCCOCOCOC43)C1(O)C2'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)CC1(O)C2'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(O)C1CCCCCOCOCOC43)C1(O)C2
[18:21:50] SMILES Parse Error: check for mistakes around position 23:
[18:21:50] 1C(O)C1CCCCCOCOCOC43)C1(O)C2
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)C1CCCCCOCOCOC43)C1(O)C2' for input: 'CC1C(O)C1CCCCCOCOCOC43)C1(O)C2'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(O)CC1CC1C2CC(C3C4C1C(O)CC1CCC1C2CCCCOCOCOC21
[18:21:50] SMILES Parse Error: check for mistakes around position 18:
[18:21:50] CC1C(O)CC1CC1C2CC(C3C4C1C(O)CC1CCC1C2CCCC
[18:21:50] ~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)CC1CC1C2CC(C3C4C1C(O)CC1CCC1C2CCCCOCOCOC21' for input: 'CC1C(O)CC1CC1C2CC(C3C4C1C(O)CC1CCC1C2CCCCOCOCOC21'
[18:21:50] Explicit valence for atom # 21 O, 3, is greater than permitted
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(CC1C2CCC3COC3OC21)C1CN(O)C1CC1C3OC21)C1CN(O)C1CC1CC(O)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 40:
[18:21:50] 1)C1CN(O)C1CC1C3OC21)C1CN(O)C1CC1CC(O)C1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(CC1C2CCC3COC3OC21)C1CN(O)C1CC1C3OC21)C1CN(O)C1CC1CC(O)C1C' for input: 'CC(CC1C2CCC3COC3OC21)C1CN(O)C1CC1C3OC21)C1CN(O)C1CC1CC(O)C1C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(CC1C2CCC3COCC(O)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 3:
[18:21:50] CC(CC1C2CCC3COCC(O)C1C
[18:21:50] ~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(CC1C2CCC3COCC(O)C1C' for input: 'CC(CC1C2CCC3COCC(O)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)OC3OC12'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)CC1CC1C(O)CC1CCC1C2CC3CCOCCC1CC1C(O)CC1CCC1C2CC3CCOCOC3OC12'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC(CC1C2CCC3COC3OC21)C1CN(O)C1CC1CCC1C2CC3CCOCOC3OC12'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)CC1CC1C(O)CC1CC(O)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)CC1CC1C(O)CC1CCC3C(O)CC3CCC3C4CCCC(OCOC43)C1(O)C2'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C2CC1C2CCCCOCOC21'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)CC1CC1C(O)CC1CCC1C2CCCC1C2CCCCOCOCOC21'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)C1CC1C(O)CC1CCCOCOC21'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(O)C1CC1C(O)CC1O)CC1(C)CCC1C2CCCCOCOCOC21
[18:21:50] SMILES Parse Error: check for mistakes around position 21:
[18:21:50] CC1C(O)C1CC1C(O)CC1O)CC1(C)CCC1C2CCCCOCOC
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)C1CC1C(O)CC1O)CC1(C)CCC1C2CCCCOCOCOC21' for input: 'CC1C(O)C1CC1C(O)CC1O)CC1(C)CCC1C2CCCCOCOCOC21'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(O)C1CC1C(CCC1C2OCOCOCCCC(O)C12
[18:21:50] SMILES Parse Error: check for mistakes around position 14:
[18:21:50] CC1C(O)C1CC1C(CCC1C2OCOCOCCCC(O)C12
[18:21:50] ~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(O)C1CC1C(CCC1C2OCOCOCCCC(O)C12' for input: 'CC1C(O)C1CC1C(CCC1C2OCOCOCCCC(O)C12'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)C1CC1C(O)CC1(C)CCC1C2CCCCOCOCCC1C2OCOCOCCCC(O)C12'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)C1CC1C(O)CC1COC21'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)C321'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(O)CCC1C1C2C(O)CC2CCC2C3CCCCOC1CC1C(O)CC1CCC1C2OCOCOCCCC(O)C12'
[18:21:50] Explicit valence for atom # 2 O, 3, is greater than permitted
[18:21:50] SMILES Parse Error: syntax error while parsing: CC(==O)O
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CC(==O)O
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(==O)O' for input: 'CC(==O)O'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCC()N
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CCC()N
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC()N' for input: 'CCC()N'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(C)C)C(C)N
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] CCC(C)C)C(C)N
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(C)C)C(C)N' for input: 'CCC(C)C)C(C)N'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(C)C(CN
[18:21:50] SMILES Parse Error: check for mistakes around position 7:
[18:21:50] CC(C)C(CN
[18:21:50] ~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(C)C(CN' for input: 'CC(C)C(CN'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC()C(C)N
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CC()C(C)N
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC()C(C)N' for input: 'CC()C(C)N'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(CN
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCC(CN
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(CN' for input: 'CCC(CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(C)C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] CCC(C)C)CN
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(C)C)CN' for input: 'CCC(C)C)CN'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(CC(C)N
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCC(CC(C)N
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(CC(C)N' for input: 'CCC(CC(C)N'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(C))CN
[18:21:50] SMILES Parse Error: check for mistakes around position 6:
[18:21:50] CC(C))CN
[18:21:50] ~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(C))CN' for input: 'CC(C))CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(C))CN
[18:21:50] SMILES Parse Error: check for mistakes around position 6:
[18:21:50] CC(C))CN
[18:21:50] ~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(C))CN' for input: 'CC(C))CN'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(CC(C)N
[18:21:50] SMILES Parse Error: check for mistakes around position 3:
[18:21:50] CC(CC(C)N
[18:21:50] ~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(CC(C)N' for input: 'CC(CC(C)N'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 3:
[18:21:50] CC)CN
[18:21:50] ~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC)CN' for input: 'CC)CN'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(C(C)C(C)N
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCC(C(C)C(C)N
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(C(C)C(C)N' for input: 'CCC(C(C)C(C)N'
[18:21:50] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C(C)C(C)C)C(C)N
[18:21:50] SMILES Parse Error: check for mistakes around position 15:
[18:21:50] CC(N)C(C)C(C)C)C(C)N
[18:21:50] ~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C)C)C(C)N' for input: 'CC(N)C(C)C(C)C)C(C)N'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC(C)C((C)C
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] CC(C)C((C)C
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(C)C((C)C' for input: 'CC(C)C((C)C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(C(C)C(C)N
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCC(C(C)C(C)N
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(C(C)C(C)N' for input: 'CCC(C(C)C(C)N'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(C)C)C(C)N
[18:21:50] SMILES Parse Error: check for mistakes around position 7:
[18:21:50] CC(C)C)C(C)N
[18:21:50] ~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(C)C)C(C)N' for input: 'CC(C)C)C(C)N'
[18:21:50] Explicit valence for atom # 5 O, 3, is greater than permitted
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C(C)C(C)CC)C(C)C(C)N
[18:21:50] SMILES Parse Error: check for mistakes around position 16:
[18:21:50] CC(N)C(C)C(C)CC)C(C)C(C)N
[18:21:50] ~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C)CC)C(C)C(C)N' for input: 'CC(N)C(C)C(C)CC)C(C)C(C)N'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC((C)C
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CC((C)C
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC((C)C' for input: 'CC((C)C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C(C)C(C)C(C)CC)C(C)C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 20:
[18:21:50] CC(N)C(C)C(C)C(C)CC)C(C)C(C)CN
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C)C(C)CC)C(C)C(C)CN' for input: 'CC(N)C(C)C(C)C(C)CC)C(C)C(C)CN'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC(N)C(C)C((C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 12:
[18:21:50] CC(N)C(C)C((C)CN
[18:21:50] ~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C((C)CN' for input: 'CC(N)C(C)C((C)CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(N)C)C
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] CCC(N)C)C
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C)C' for input: 'CCC(N)C)C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(N)C(C)C(C)(C(C)C(C)O
[18:21:50] SMILES Parse Error: check for mistakes around position 14:
[18:21:50] CC(N)C(C)C(C)(C(C)C(C)O
[18:21:50] ~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C)(C(C)C(C)O' for input: 'CC(N)C(C)C(C)(C(C)C(C)O'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC()C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CC()C(C)CN
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC()C(C)CN' for input: 'CC()C(C)CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C(C)C(C)C)N
[18:21:50] SMILES Parse Error: check for mistakes around position 15:
[18:21:50] CC(N)C(C)C(C)C)N
[18:21:50] ~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C)C)N' for input: 'CC(N)C(C)C(C)C)N'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCC(C)(C)C(C)C((C)C
[18:21:50] SMILES Parse Error: check for mistakes around position 16:
[18:21:50] CCC(C)(C)C(C)C((C)C
[18:21:50] ~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(C)(C)C(C)C((C)C' for input: 'CCC(C)(C)C(C)C((C)C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCC(C)((C)C(C)N
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] CCC(C)((C)C(C)N
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(C)((C)C(C)N' for input: 'CCC(C)((C)C(C)N'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(C)(C)CC)C(C)C(C)N
[18:21:50] SMILES Parse Error: check for mistakes around position 12:
[18:21:50] CCC(C)(C)CC)C(C)C(C)N
[18:21:50] ~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(C)(C)CC)C(C)C(C)N' for input: 'CCC(C)(C)CC)C(C)C(C)N'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCC(O)C()C(C)C(C)(C)C
[18:21:50] SMILES Parse Error: check for mistakes around position 9:
[18:21:50] CCC(O)C()C(C)C(C)(C)C
[18:21:50] ~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(O)C()C(C)C(C)(C)C' for input: 'CCC(O)C()C(C)C(C)(C)C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC(N)C(C)C((C)C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 12:
[18:21:50] CC(N)C(C)C((C)C(C)CN
[18:21:50] ~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C((C)C(C)CN' for input: 'CC(N)C(C)C((C)C(C)CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C(C)C(C)C(C)C(C)CC)C(C)C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 24:
[18:21:50] N)C(C)C(C)C(C)C(C)CC)C(C)C(C)CN
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C)C(C)C(C)CC)C(C)C(C)CN' for input: 'CC(N)C(C)C(C)C(C)C(C)CC)C(C)C(C)CN'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(N)C(C)C(CC(C)C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 11:
[18:21:50] CC(N)C(C)C(CC(C)C(C)CN
[18:21:50] ~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(CC(C)C(C)CN' for input: 'CC(N)C(C)C(CC(C)C(C)CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C(C)C(C))C(C)C(C)C(C)C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 14:
[18:21:50] CC(N)C(C)C(C))C(C)C(C)C(C)C(C)CN
[18:21:50] ~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C))C(C)C(C)C(C)C(C)CN' for input: 'CC(N)C(C)C(C))C(C)C(C)C(C)C(C)CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C(C)C(C)C(C)C(C)C(C)C(C))C(C)C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 30:
[18:21:50] C(C)C(C)C(C)C(C)C(C))C(C)C(C)CN
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C)C(C)C(C)C(C)C(C))C(C)C(C)CN' for input: 'CC(N)C(C)C(C)C(C)C(C)C(C)C(C))C(C)C(C)CN'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(N)C(C)C(CCN
[18:21:50] SMILES Parse Error: check for mistakes around position 11:
[18:21:50] CC(N)C(C)C(CCN
[18:21:50] ~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(CCN' for input: 'CC(N)C(C)C(CCN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C)C(C)C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 7:
[18:21:50] CC(N)C)C(C)C(C)CN
[18:21:50] ~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C)C(C)C(C)CN' for input: 'CC(N)C)C(C)C(C)CN'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(N)C(C)C(C(C)C(C)C(C)C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 11:
[18:21:50] CC(N)C(C)C(C(C)C(C)C(C)C(C)CN
[18:21:50] ~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C(C)C(C)C(C)C(C)CN' for input: 'CC(N)C(C)C(C(C)C(C)C(C)C(C)CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C(C)C(C)C(C)C)C(C)C(C)(C)C
[18:21:50] SMILES Parse Error: check for mistakes around position 19:
[18:21:50] CC(N)C(C)C(C)C(C)C)C(C)C(C)(C)C
[18:21:50] ~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C)C(C)C)C(C)C(C)(C)C' for input: 'CC(N)C(C)C(C)C(C)C)C(C)C(C)(C)C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(N)C(C)C(C)C(CN(C)C(C)C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 15:
[18:21:50] CC(N)C(C)C(C)C(CN(C)C(C)C(C)CN
[18:21:50] ~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C)C(CN(C)C(C)C(C)CN' for input: 'CC(N)C(C)C(C)C(CN(C)C(C)C(C)CN'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC(N)C(C)C(C)C(CN)C(C)C((C)C(C)C(C)C(C)C(C)C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 25:
[18:21:50] )C(C)C(C)C(CN)C(C)C((C)C(C)C(C)C(C)C(C)C(
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C)C(CN)C(C)C((C)C(C)C(C)C(C)C(C)C(C)CN' for input: 'CC(N)C(C)C(C)C(CN)C(C)C((C)C(C)C(C)C(C)C(C)C(C)CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)CC)(C)C
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] CC(N)CC)(C)C
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)CC)(C)C' for input: 'CC(N)CC)(C)C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(CN)C(C)C(C)(C(C)N)CC1(C)(N)C(C)C(C)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1CNC(C)C'
[18:21:50] Explicit valence for atom # 7 O, 3, is greater than permitted
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(N)C(C)C(C)C(C(C)C(C)C(C)(C)C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 15:
[18:21:50] CC(N)C(C)C(C)C(C(C)C(C)C(C)(C)C(C)CN
[18:21:50] ~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C)C(C(C)C(C)C(C)(C)C(C)CN' for input: 'CC(N)C(C)C(C)C(C(C)C(C)C(C)(C)C(C)CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C)C(C)C(C)C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 7:
[18:21:50] CC(N)C)C(C)C(C)C(C)CN
[18:21:50] ~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C)C(C)C(C)C(C)CN' for input: 'CC(N)C)C(C)C(C)C(C)CN'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(C)C(C)(C(C)C(C)C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 12:
[18:21:50] CC1C(C)C(C)(C(C)C(C)C(C)CN
[18:21:50] ~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(C)C(C)(C(C)C(C)C(C)CN' for input: 'CC1C(C)C(C)(C(C)C(C)C(C)CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C(C)C(C)C(C)C(C)CN)C1(C)N
[18:21:50] SMILES Parse Error: check for mistakes around position 24:
[18:21:50] N)C(C)C(C)C(C)C(C)CN)C1(C)N
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C)C(C)C(C)CN)C1(C)N' for input: 'CC(N)C(C)C(C)C(C)C(C)CN)C1(C)N'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C(C)C(C)C(C)C(C)CC)C(C)C(C)C(C)C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 24:
[18:21:50] N)C(C)C(C)C(C)C(C)CC)C(C)C(C)C(C)C(C)CN
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C)C(C)C(C)CC)C(C)C(C)C(C)C(C)CN' for input: 'CC(N)C(C)C(C)C(C)C(C)CC)C(C)C(C)C(C)C(C)CN'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC(N)C(C)C((C)C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 12:
[18:21:50] CC(N)C(C)C((C)C(C)CN
[18:21:50] ~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C((C)C(C)CN' for input: 'CC(N)C(C)C((C)C(C)CN'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(N(C)C(C)C(C)C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 3:
[18:21:50] CC(N(C)C(C)C(C)C(C)CN
[18:21:50] ~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N(C)C(C)C(C)C(C)CN' for input: 'CC(N(C)C(C)C(C)C(C)CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C)C(C)C(C)C(C)C(C)C(C)C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 7:
[18:21:50] CC(N)C)C(C)C(C)C(C)C(C)C(C)C(C)CN
[18:21:50] ~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C)C(C)C(C)C(C)C(C)C(C)C(C)CN' for input: 'CC(N)C)C(C)C(C)C(C)C(C)C(C)C(C)CN'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(N)1C(CN)C(C)C(C)(C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 20:
[18:21:50] CC(N)1C(CN)C(C)C(C)(C(C)CN
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)1C(CN)C(C)C(C)(C(C)CN' for input: 'CC(N)1C(CN)C(C)C(C)(C(C)CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C(C)C(C)C(C)C(C)C(C)C(C)N)CC1(C)C
[18:21:50] SMILES Parse Error: check for mistakes around position 31:
[18:21:50] (C)C(C)C(C)C(C)C(C)N)CC1(C)C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C)C(C)C(C)C(C)C(C)N)CC1(C)C' for input: 'CC(N)C(C)C(C)C(C)C(C)C(C)C(C)N)CC1(C)C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC(N)CC1(C)C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC(N)1C(CN)C(C)C(C)(C(C)N)C(C)C(C)C(C)C(C)C(C)C(C)CN'
[18:21:50] Explicit valence for atom # 7 N, 4, is greater than permitted
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC(N)C(C)C(C)(C(C)N)CC1(C)C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC(N)1C(CN)C(C)C(C)C(C)C(C)C(C)C(C)CN'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC(N)C(C)C(C)C(C)C()1C(CN)C(C)C(C)(C(C)N)CC1(C)C
[18:21:50] SMILES Parse Error: check for mistakes around position 20:
[18:21:50] CC(N)C(C)C(C)C(C)C()1C(CN)C(C)C(C)(C(C)N)
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C)C(C)C()1C(CN)C(C)C(C)(C(C)N)CC1(C)C' for input: 'CC(N)C(C)C(C)C(C)C()1C(CN)C(C)C(C)(C(C)N)CC1(C)C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC(CN)C(C)C(CN)CC1(C)C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC(N)1C(CN)C(C)C(C)(C(C))C1(C)NC(C)C(C)C1C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC(N)C(C)C(C)C(C)C((CN)C(C)C(C)C1(C)NC(C)C(C)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 20:
[18:21:50] CC(N)C(C)C(C)C(C)C((CN)C(C)C(C)C1(C)NC(C)
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C)C(C)C((CN)C(C)C(C)C1(C)NC(C)C(C)C1C' for input: 'CC(N)C(C)C(C)C(C)C((CN)C(C)C(C)C1(C)NC(C)C(C)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC)C(C)C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCC)C(C)C(C)CN
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC)C(C)C(C)CN' for input: 'CCC)C(C)C(C)CN'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(C1(C)NC(C)C(C)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 3:
[18:21:50] CC(C1(C)NC(C)C(C)C1C
[18:21:50] ~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(C1(C)NC(C)C(C)C1C' for input: 'CC(C1(C)NC(C)C(C)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(CN)C(C)C(C)N)C(C)C(C)C(C)C(C)C(C)C(C)CN
[18:21:50] SMILES Parse Error: check for mistakes around position 16:
[18:21:50] CC(CN)C(C)C(C)N)C(C)C(C)C(C)C(C)C(C)C(C)C
[18:21:50] ~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(CN)C(C)C(C)N)C(C)C(C)C(C)C(C)C(C)C(C)CN' for input: 'CC(CN)C(C)C(C)N)C(C)C(C)C(C)C(C)C(C)C(C)CN'
[18:21:50] Explicit valence for atom # 6 O, 3, is greater than permitted
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCN)C(C)C(C)(C(C)N)CC1(C)C
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CCCN)C(C)C(C)(C(C)N)CC1(C)C
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCN)C(C)C(C)(C(C)N)CC1(C)C' for input: 'CCCN)C(C)C(C)(C(C)N)CC1(C)C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC(N)1C((N)1C(CN)C(C)C(C)(C(C)N)CC1(C)C
[18:21:50] SMILES Parse Error: check for mistakes around position 9:
[18:21:50] CC(N)1C((N)1C(CN)C(C)C(C)(C(C)N)CC1(C)C
[18:21:50] ~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)1C((N)1C(CN)C(C)C(C)(C(C)N)CC1(C)C' for input: 'CC(N)1C((N)1C(CN)C(C)C(C)(C(C)N)CC1(C)C'
[18:21:50] Explicit valence for atom # 14 C, 5, is greater than permitted
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(N)1C(CN)C(C)C(C)(C(C)NC(N)C(C)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 20:
[18:21:50] CC(N)1C(CN)C(C)C(C)(C(C)NC(N)C(C)C1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)1C(CN)C(C)C(C)(C(C)NC(N)C(C)C1C' for input: 'CC(N)1C(CN)C(C)C(C)(C(C)NC(N)C(C)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C(C)C(C)C(C)C1C)CC1(C)C
[18:21:50] SMILES Parse Error: check for mistakes around position 21:
[18:21:50] CC(N)C(C)C(C)C(C)C1C)CC1(C)C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C)C(C)C1C)CC1(C)C' for input: 'CC(N)C(C)C(C)C(C)C1C)CC1(C)C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC(CN)C(C)CCC1(C)C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC(N)1C(CN)C(C)C(C)(C(C)N)(C)C1(C)NC(C)C(C)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC(CNN)C(C)C1C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC(N)C(C)C(C)C(C)C1CC()C(C)C(C)C1(C)NC(C)C(C)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 23:
[18:21:50] (N)C(C)C(C)C(C)C1CC()C(C)C(C)C1(C)NC(C)C(
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C(C)C(C)C1CC()C(C)C(C)C1(C)NC(C)C(C)C1C' for input: 'CC(N)C(C)C(C)C(C)C1CC()C(C)C(C)C1(C)NC(C)C(C)C1C'
[18:21:50] Explicit valence for atom # 1 O, 4, is greater than permitted
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC(N)CC1(C)C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC(N)1C(CN)C(C)C(C)(C(C)N)C(C)C1CCC(CN)C(C)C(C)C1C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(CN)C(C)C(C)C1(C(C)(C(C)N)CC1(C)C
[18:21:50] SMILES Parse Error: check for mistakes around position 17:
[18:21:50] CC(CN)C(C)C(C)C1(C(C)(C(C)N)CC1(C)C
[18:21:50] ~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(CN)C(C)C(C)C1(C(C)(C(C)N)CC1(C)C' for input: 'CC(CN)C(C)C(C)C1(C(C)(C(C)N)CC1(C)C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)1C(CN)C(C)C)NC(C)C(C)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 17:
[18:21:50] CC(N)1C(CN)C(C)C)NC(C)C(C)C1C
[18:21:50] ~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)1C(CN)C(C)C)NC(C)C(C)C1C' for input: 'CC(N)1C(CN)C(C)C)NC(C)C(C)C1C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(N)1C(CN)C(C)C(C)(C(C)C(C)C(C)(C(C)N)CC1(C)C
[18:21:50] SMILES Parse Error: check for mistakes around position 20:
[18:21:50] CC(N)1C(CN)C(C)C(C)(C(C)C(C)C(C)(C(C)N)CC
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)1C(CN)C(C)C(C)(C(C)C(C)C(C)(C(C)N)CC1(C)C' for input: 'CC(N)1C(CN)C(C)C(C)(C(C)C(C)C(C)(C(C)N)CC1(C)C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)1C(CN)N)CC1(C)C
[18:21:50] SMILES Parse Error: check for mistakes around position 13:
[18:21:50] CC(N)1C(CN)N)CC1(C)C
[18:21:50] ~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)1C(CN)N)CC1(C)C' for input: 'CC(N)1C(CN)N)CC1(C)C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C(C)C1C)CC1(C)C
[18:21:50] SMILES Parse Error: check for mistakes around position 13:
[18:21:50] CC(N)C(C)C1C)CC1(C)C
[18:21:50] ~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C(C)C1C)CC1(C)C' for input: 'CC(N)C(C)C1C)CC1(C)C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(N)1C(CN)C(C)C(C)(C(C)NCC(CN)C(C)C2CCC12
[18:21:50] SMILES Parse Error: check for mistakes around position 20:
[18:21:50] CC(N)1C(CN)C(C)C(C)(C(C)NCC(CN)C(C)C2CCC1
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)1C(CN)C(C)C(C)(C(C)NCC(CN)C(C)C2CCC12' for input: 'CC(N)1C(CN)C(C)C(C)(C(C)NCC(CN)C(C)C2CCC12'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(N)C1(C)CC(C)(C)C(CCC(C)(C)C(C)(N)C(CO)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 20:
[18:21:50] CC(N)C1(C)CC(C)(C)C(CCC(C)(C)C(C)(N)C(CO)
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C1(C)CC(C)(C)C(CCC(C)(C)C(C)(N)C(CO)C1C' for input: 'CC(N)C1(C)CC(C)(C)C(CCC(C)(C)C(C)(N)C(CO)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C1(C))(N)C(CO)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 11:
[18:21:50] CC(N)C1(C))(N)C(CO)C1C
[18:21:50] ~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C1(C))(N)C(CO)C1C' for input: 'CC(N)C1(C))(N)C(CO)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC(N)(C)C(C)(C(C)N)CC1(C)C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC(N)1C(CN)C1C(CN)C(C)C(C)(C(C)N)CC1(C)C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(N)C1(C)CC(C)(C)C(C)(N1C
[18:21:50] SMILES Parse Error: check for mistakes around position 23:
[18:21:50] (N)C1(C)CC(C)(C)C(C)(N1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C1(C)CC(C)(C)C(C)(N1C' for input: 'CC(N)C1(C)CC(C)(C)C(C)(N1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(N)C1(C)CC(C)(C)C(C)(N)C(CN)C)C(CO)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 33:
[18:21:50] C(C)(C)C(C)(N)C(CN)C)C(CO)C1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)CC(C)(C)C(C)(N)C(CN)C)C(CO)C1C' for input: 'CCC(N)C1(C)CC(C)(C)C(C)(N)C(CN)C)C(CO)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCN)C1(C)C(C)C(CO)C(C)(N)C(C)(C)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCN)C1(C)C(C)C(CO)C(C)(N)C(C)(C)C1C
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCN)C1(C)C(C)C(CO)C(C)(N)C(C)(C)C1C' for input: 'CCN)C1(C)C(C)C(CO)C(C)(N)C(C)(C)C1C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(C1(C(C)N)CC(C)(C)C(C)(N)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 3:
[18:21:50] CC(C1(C(C)N)CC(C)(C)C(C)(N)C(CN)C1C
[18:21:50] ~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(C1(C(C)N)CC(C)(C)C(C)(N)C(CN)C1C' for input: 'CC(C1(C(C)N)CC(C)(C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1NCC2(C)CC1(C)1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC1(C(C)N)CC(C)(C)C(C)(N)C(CN)CC(C)C(CN)C2(C)N'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(N)C1(C)CC(C(C)(C)C(C)(N)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 13:
[18:21:50] CC(N)C1(C)CC(C(C)(C)C(C)(N)C(CN)C1C
[18:21:50] ~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C1(C)CC(C(C)(C)C(C)(N)C(CN)C1C' for input: 'CC(N)C1(C)CC(C(C)(C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC1(C(C)N)CC)(C)C(C)(N)C(CO)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 14:
[18:21:50] CCC1(C(C)N)CC)(C)C(C)(N)C(CO)C1C
[18:21:50] ~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC1(C(C)N)CC)(C)C(C)(N)C(CO)C1C' for input: 'CCC1(C(C)N)CC)(C)C(C)(N)C(CO)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC)(C)C(C)(N)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCC)(C)C(C)(N)C(CN)C1C
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC)(C)C(C)(N)C(CN)C1C' for input: 'CCC)(C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(N)C1(C)CC(C(N)C1(C)CC(C)(C)C(C)(N)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 14:
[18:21:50] CCC(N)C1(C)CC(C(N)C1(C)CC(C)(C)C(C)(N)C(C
[18:21:50] ~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)CC(C(N)C1(C)CC(C)(C)C(C)(N)C(CN)C1C' for input: 'CCC(N)C1(C)CC(C(N)C1(C)CC(C)(C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC(O)C(C)(N)C(C)(C)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC(N)C1(C)C(C)C(CN)C1(C)CC(C)(C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(N)C1C)(C)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CCC(N)C1C)(C)C1C
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1C)(C)C1C' for input: 'CCC(N)C1C)(C)C1C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC(N)C1(C)C(C)C(CO)C(C)(N)C((C)CC(C)(C)C(C)(N)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 29:
[18:21:50] C)C(C)C(CO)C(C)(N)C((C)CC(C)(C)C(C)(N)C(C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C1(C)C(C)C(CO)C(C)(N)C((C)CC(C)(C)C(C)(N)C(CN)C1C' for input: 'CC(N)C1(C)C(C)C(CO)C(C)(N)C((C)CC(C)(C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC1(N)NCC2C(C)C(CO)C(C)(N)C(C)(C)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC(N)C1(C)C(C)C1(C)CC(C)(C)C2(C)N'
[18:21:50] SMILES Parse Error: ring closure 1 duplicates bond between atom 2 and atom 4 for input: 'CCC1(N)C1(C)C(C)(C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC(N)NCC2C(C)C1(C)CC(C)(C)C2(C)N'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC(1C
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CC(1C
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(1C' for input: 'CC(1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C1(C)C(C)C(CO)(C)C(C)(N)C(CN)CN)C1(C)C(C)C(CO)C(C)(N)C(C)(C)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 37:
[18:21:50] CO)(C)C(C)(N)C(CN)CN)C1(C)C(C)C(CO)C(C)(N
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C1(C)C(C)C(CO)(C)C(C)(N)C(CN)CN)C1(C)C(C)C(CO)C(C)(N)C(C)(C)C1C' for input: 'CC(N)C1(C)C(C)C(CO)(C)C(C)(N)C(CN)CN)C1(C)C(C)C(CO)C(C)(N)C(C)(C)C1C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(N)C1(CC1C
[18:21:50] SMILES Parse Error: check for mistakes around position 9:
[18:21:50] CCC(N)C1(CC1C
[18:21:50] ~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(CC1C' for input: 'CCC(N)C1(CC1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(N)C1(C)C(C)(C)C(C)(N)C(CN))CC(C)C(C)(N)C(C)(C)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 31:
[18:21:50] )C(C)(C)C(C)(N)C(CN))CC(C)C(C)(N)C(C)(C)C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)C(C)(C)C(C)(N)C(CN))CC(C)C(C)(N)C(C)(C)C1C' for input: 'CCC(N)C1(C)C(C)(C)C(C)(N)C(CN))CC(C)C(C)(N)C(C)(C)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(N)C1(C)CCC(C)(C)C(C)(N)C(CN)N)C1(C)CC(C)C(C)(N)C(C)(C)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 34:
[18:21:50] C(C)(C)C(C)(N)C(CN)N)C1(C)CC(C)C(C)(N)C(C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)CCC(C)(C)C(C)(N)C(CN)N)C1(C)CC(C)C(C)(N)C(C)(C)C1C' for input: 'CCC(N)C1(C)CCC(C)(C)C(C)(N)C(CN)N)C1(C)CC(C)C(C)(N)C(C)(C)C1C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCC(C1C
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(C1C' for input: 'CCC(C1C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCC(N)C1(C)CCC(C)(C)C(C)()C1(C)CCC(C)(C)C(C)(N)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 26:
[18:21:50] )C1(C)CCC(C)(C)C(C)()C1(C)CCC(C)(C)C(C)(N
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)CCC(C)(C)C(C)()C1(C)CCC(C)(C)C(C)(N)C(CN)C1C' for input: 'CCC(N)C1(C)CCC(C)(C)C(C)()C1(C)CCC(C)(C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC(NN)C(CN)C1C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(N)C1(C)C(C)C(CO)C(C(C)C(CO)C(C)(N)C(C)(C)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 21:
[18:21:50] CC(N)C1(C)C(C)C(CO)C(C(C)C(CO)C(C)(N)C(C)
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C1(C)C(C)C(CO)C(C(C)C(CO)C(C)(N)C(C)(C)C1C' for input: 'CC(N)C1(C)C(C)C(CO)C(C(C)C(CO)C(C)(N)C(C)(C)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C1(C)C)(N)C(C)(C)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 12:
[18:21:50] CC(N)C1(C)C)(N)C(C)(C)C1C
[18:21:50] ~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C1(C)C)(N)C(C)(C)C1C' for input: 'CC(N)C1(C)C)(N)C(C)(C)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC1(N)NCC2C(C)C1CC2C(C)C1(C)CC(C)(C)C2(C)N'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC1(N)N(C)CC(C)(C)C2(C)N'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(N)C1(C)C(C)(C)C(C)(N)C(CNC1(C)CCC(C)(C)C(C)(N)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 27:
[18:21:50] C1(C)C(C)(C)C(C)(N)C(CNC1(C)CCC(C)(C)C(C)
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)C(C)(C)C(C)(N)C(CNC1(C)CCC(C)(C)C(C)(N)C(CN)C1C' for input: 'CCC(N)C1(C)C(C)(C)C(C)(N)C(CNC1(C)CCC(C)(C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(N))C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 7:
[18:21:50] CCC(N))C1C
[18:21:50] ~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N))C1C' for input: 'CCC(N))C1C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(N)C1(C)CCC(C)(C1(C)CC(C)(C)C2(C)N
[18:21:50] SMILES Parse Error: check for mistakes around position 18:
[18:21:50] CCC(N)C1(C)CCC(C)(C1(C)CC(C)(C)C2(C)N
[18:21:50] ~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)CCC(C)(C1(C)CC(C)(C)C2(C)N' for input: 'CCC(N)C1(C)CCC(C)(C1(C)CC(C)(C)C2(C)N'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC1(N)NCC2C(C)C)C(C)(N)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 17:
[18:21:50] CCC1(N)NCC2C(C)C)C(C)(N)C(CN)C1C
[18:21:50] ~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC1(N)NCC2C(C)C)C(C)(N)C(CN)C1C' for input: 'CCC1(N)NCC2C(C)C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(N)C1(C)C(C)C(CO)C(C)(N(C)(C)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 24:
[18:21:50] N)C1(C)C(C)C(CO)C(C)(N(C)(C)C1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C1(C)C(C)C(CO)C(C)(N(C)(C)C1C' for input: 'CC(N)C1(C)C(C)C(CO)C(C)(N(C)(C)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C1(C)C(C)C(CO)C(C)(N)C)C(C)(C)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 28:
[18:21:50] (C)C(C)C(CO)C(C)(N)C)C(C)(C)C1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C1(C)C(C)C(CO)C(C)(N)C)C(C)(C)C1C' for input: 'CC(N)C1(C)C(C)C(CO)C(C)(N)C)C(C)(C)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(N)C1(C)C)C(C)(C(C)N)CC(C)(C)C(C)(N)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 13:
[18:21:50] CCC(N)C1(C)C)C(C)(C(C)N)CC(C)(C)C(C)(N)C(
[18:21:50] ~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)C)C(C)(C(C)N)CC(C)(C)C(C)(N)C(CN)C1C' for input: 'CCC(N)C1(C)C)C(C)(C(C)N)CC(C)(C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC(N)C1(C)CC(C)(CCC(C)(C)C(C)(N)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 16:
[18:21:50] CC(N)C1(C)CC(C)(CCC(C)(C)C(C)(N)C(CN)C1C
[18:21:50] ~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C1(C)CC(C)(CCC(C)(C)C(C)(N)C(CN)C1C' for input: 'CC(N)C1(C)CC(C)(CCC(C)(C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCC((C)C(C)C(CO)C(C)(N)C(C)(C)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CCC((C)C(C)C(CO)C(C)(N)C(C)(C)C1C
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC((C)C(C)C(CO)C(C)(N)C(C)(C)C1C' for input: 'CCC((C)C(C)C(CO)C(C)(N)C(C)(C)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC(N)C1N)C1(C)C(C)(C)C(C)(N)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 9:
[18:21:50] CC(N)C1N)C1(C)C(C)(C)C(C)(N)C(CN)C1C
[18:21:50] ~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC(N)C1N)C1(C)C(C)(C)C(C)(N)C(CN)C1C' for input: 'CC(N)C1N)C1(C)C(C)(C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(N)C1(C)CC(C)C(C)(N)C(C)(C(C)(N)C(C)(C)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 28:
[18:21:50] 1(C)CC(C)C(C)(N)C(C)(C(C)(N)C(C)(C)C1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)CC(C)C(C)(N)C(C)(C(C)(N)C(C)(C)C1C' for input: 'CCC(N)C1(C)CC(C)C(C)(N)C(C)(C(C)(N)C(C)(C)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(N)C1(C)CC(C)C)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 18:
[18:21:50] CCC(N)C1(C)CC(C)C)C1C
[18:21:50] ~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)CC(C)C)C1C' for input: 'CCC(N)C1(C)CC(C)C)C1C'
[18:21:50] SMILES Parse Error: ring closure 1 duplicates bond between atom 4 and atom 6 for input: 'CCC(N)C1(C)C1C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCC(N)C1(C)CC(C)C()(N)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 19:
[18:21:50] CCC(N)C1(C)CC(C)C()(N)C(CN)C1C
[18:21:50] ~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)CC(C)C()(N)C(CN)C1C' for input: 'CCC(N)C1(C)CC(C)C()(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC1(N)NCC2C(C)C1(C)CC(C)(C)(C)C1(C)CC(C)(C)C2(C)N'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC1(N)NCC2CC2(C)N'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(N)C1(C)CC(C)C(C)(N)C(CC(C)(C)C2(C)N
[18:21:50] SMILES Parse Error: check for mistakes around position 25:
[18:21:50] N)C1(C)CC(C)C(C)(N)C(CC(C)(C)C2(C)N
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)CC(C)C(C)(N)C(CC(C)(C)C2(C)N' for input: 'CCC(N)C1(C)CC(C)C(C)(N)C(CC(C)(C)C2(C)N'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC1(N)NCC2C(C)C1(C)C)(C)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 22:
[18:21:50] CC1(N)NCC2C(C)C1(C)C)(C)C1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC1(N)NCC2C(C)C1(C)C)(C)C1C' for input: 'CCC1(N)NCC2C(C)C1(C)C)(C)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC(NC)C1(C)C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCC(N)C1(C)C(C)C2(CN)NC2()C1(C)CCC(C)(C)C2(C)NCC1C2CN
[18:21:50] SMILES Parse Error: check for mistakes around position 26:
[18:21:50] )C1(C)C(C)C2(CN)NC2()C1(C)CCC(C)(C)C2(C)N
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)C(C)C2(CN)NC2()C1(C)CCC(C)(C)C2(C)NCC1C2CN' for input: 'CCC(N)C1(C)C(C)C2(CN)NC2()C1(C)CCC(C)(C)C2(C)NCC1C2CN'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(CN)C(C)(N)C(C2(C)NCC1C2CN
[18:21:50] SMILES Parse Error: check for mistakes around position 17:
[18:21:50] CC1C(CN)C(C)(N)C(C2(C)NCC1C2CN
[18:21:50] ~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN)C(C)(N)C(C2(C)NCC1C2CN' for input: 'CC1C(CN)C(C)(N)C(C2(C)NCC1C2CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(N)C1(C)CCC(C)(C)C)(C)CC2CCC(N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 22:
[18:21:50] CC(N)C1(C)CCC(C)(C)C)(C)CC2CCC(N)C21C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)CCC(C)(C)C)(C)CC2CCC(N)C21C' for input: 'CCC(N)C1(C)CCC(C)(C)C)(C)CC2CCC(N)C21C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC1CC2(C)CCC(C)(C(1C
[18:21:50] SMILES Parse Error: check for mistakes around position 19:
[18:21:50] CC1CC2(C)CCC(C)(C(1C
[18:21:50] ~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CC2(C)CCC(C)(C(1C' for input: 'CC1CC2(C)CCC(C)(C(1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(N)C1(C)CCC(C)(C)C(C)(N)C(CN)CC)C(CN)C2(C)N)C1N
[18:21:50] SMILES Parse Error: check for mistakes around position 35:
[18:21:50] (C)(C)C(C)(N)C(CN)CC)C(CN)C2(C)N)C1N
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)CCC(C)(C)C(C)(N)C(CN)CC)C(CN)C2(C)N)C1N' for input: 'CCC(N)C1(C)CCC(C)(C)C(C)(N)C(CN)CC)C(CN)C2(C)N)C1N'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC1C(CN)C(C)(N)C(C)(C)CC2CCC(1C
[18:21:50] SMILES Parse Error: check for mistakes around position 30:
[18:21:50] (C)(N)C(C)(C)CC2CCC(1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN)C(C)(N)C(C)(C)CC2CCC(1C' for input: 'CC1C(CN)C(C)(N)C(C)(C)CC2CCC(1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(N)C1(C)CCC(C)(C)C(C)(N)C(CN)CN)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 35:
[18:21:50] (C)(C)C(C)(N)C(CN)CN)C21C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)CCC(C)(C)C(C)(N)C(CN)CN)C21C' for input: 'CCC(N)C1(C)CCC(C)(C)C(C)(N)C(CN)CN)C21C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC1(N)NC2(C))C1(C)CCC(C)(C)C2(C)NCC1C2CN
[18:21:50] SMILES Parse Error: check for mistakes around position 14:
[18:21:50] CCC1(N)NC2(C))C1(C)CCC(C)(C)C2(C)NCC1C2CN
[18:21:50] ~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC1(N)NC2(C))C1(C)CCC(C)(C)C2(C)NCC1C2CN' for input: 'CCC1(N)NC2(C))C1(C)CCC(C)(C)C2(C)NCC1C2CN'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(NC(CN)C(C)C1(C)CCC2(C)C
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCC(NC(CN)C(C)C1(C)CCC2(C)C
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(NC(CN)C(C)C1(C)CCC2(C)C' for input: 'CCC(NC(CN)C(C)C1(C)CCC2(C)C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(N)C1(CC(C)(N)C(C)(C)CC2CCC(N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 9:
[18:21:50] CCC(N)C1(CC(C)(N)C(C)(C)CC2CCC(N)C21C
[18:21:50] ~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(CC(C)(N)C(C)(C)CC2CCC(N)C21C' for input: 'CCC(N)C1(CC(C)(N)C(C)(C)CC2CCC(N)C21C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(CN))CCC(C)(C)C(C)(N)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 9:
[18:21:50] CC1C(CN))CCC(C)(C)C(C)(N)C(CN)C1C
[18:21:50] ~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN))CCC(C)(C)C(C)(N)C(CN)C1C' for input: 'CC1C(CN))CCC(C)(C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(CN)C(C)(N)C(C)(C))(C)C(C)(N)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 23:
[18:21:50] 1C(CN)C(C)(N)C(C)(C))(C)C(C)(N)C(CN)C1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN)C(C)(N)C(C)(C))(C)C(C)(N)C(CN)C1C' for input: 'CC1C(CN)C(C)(N)C(C)(C))(C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(N)C1(C)CCC(CCC2CCC(N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 15:
[18:21:50] CCC(N)C1(C)CCC(CCC2CCC(N)C21C
[18:21:50] ~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)CCC(CCC2CCC(N)C21C' for input: 'CCC(N)C1(C)CCC(CCC2CCC(N)C21C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC(N)C1(C)CCC(C)(C)C(C)(N)C(CN)CCCC(C)(C(C)C(CN)C2(C)N)C1N'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1CC2(C)1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC1(N)NC2(C)C(C)C(C)C2(CN)NC2(C)C1(C)C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC(N)C1(CN)C(C)C1(C)CCC2(C)C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(CN)C(C)(N)N)C(C)C1(C)CCC2(C)C
[18:21:50] SMILES Parse Error: check for mistakes around position 17:
[18:21:50] CC1C(CN)C(C)(N)N)C(C)C1(C)CCC2(C)C
[18:21:50] ~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN)C(C)(N)N)C(C)C1(C)CCC2(C)C' for input: 'CC1C(CN)C(C)(N)N)C(C)C1(C)CCC2(C)C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC1(N)NC2(C)C(CC(C)(C)CC2CCC(N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 15:
[18:21:50] CCC1(N)NC2(C)C(CC(C)(C)CC2CCC(N)C21C
[18:21:50] ~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC1(N)NC2(C)C(CC(C)(C)CC2CCC(N)C21C' for input: 'CCC1(N)NC2(C)C(CC(C)(C)CC2CCC(N)C21C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1CC2(C)CCC(C)(C(C)C(CN)C1(N)NC2(C)C(CN)C(C)C1(C)CCC2(C)C
[18:21:50] SMILES Parse Error: check for mistakes around position 16:
[18:21:50] CC1CC2(C)CCC(C)(C(C)C(CN)C1(N)NC2(C)C(CN)
[18:21:50] ~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CC2(C)CCC(C)(C(C)C(CN)C1(N)NC2(C)C(CN)C(C)C1(C)CCC2(C)C' for input: 'CC1CC2(C)CCC(C)(C(C)C(CN)C1(N)NC2(C)C(CN)C(C)C1(C)CCC2(C)C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC2(C)N)C1N
[18:21:50] SMILES Parse Error: check for mistakes around position 9:
[18:21:50] CCC2(C)N)C1N
[18:21:50] ~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC2(C)N)C1N' for input: 'CCC2(C)N)C1N'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(CN)C(C)(N)C(C)(C)1(N)NC2(C)C(CN)C(C)C1(C)CCC2(C)C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCCCC2CCC(N)C21C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCC1(N)NC2()NCC1C2CN
[18:21:50] SMILES Parse Error: check for mistakes around position 12:
[18:21:50] CCC1(N)NC2()NCC1C2CN
[18:21:50] ~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC1(N)NC2()NCC1C2CN' for input: 'CCC1(N)NC2()NCC1C2CN'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC1(N)NC2(C)C(CN)C(C)C1(C)(C)C2(C)NCC1C2CN'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC(N)C1(C)CCC(C)CCC2(C)C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(CN)C(C)(N)C(C1(C)CCC(C)(C)C(C)(N)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 17:
[18:21:50] CC1C(CN)C(C)(N)C(C1(C)CCC(C)(C)C(C)(N)C(C
[18:21:50] ~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN)C(C)(N)C(C1(C)CCC(C)(C)C(C)(N)C(CN)C1C' for input: 'CC1C(CN)C(C)(N)C(C1(C)CCC(C)(C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(N)C)(C)CC2CCC(N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] CCC(N)C)(C)CC2CCC(N)C21C
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C)(C)CC2CCC(N)C21C' for input: 'CCC(N)C)(C)CC2CCC(N)C21C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(N)C1(C)CCC(C)(C)C(C)(N)C(CN)CCN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 36:
[18:21:50] C)(C)C(C)(N)C(CN)CCN)C1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)CCC(C)(C)C(C)(N)C(CN)CCN)C1C' for input: 'CCC(N)C1(C)CCC(C)(C)C(C)(N)C(CN)CCN)C1C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCC(N)C1(C)CCC(C)(C)C(C)(N)C(1C
[18:21:50] SMILES Parse Error: check for mistakes around position 30:
[18:21:50] C)CCC(C)(C)C(C)(N)C(1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)CCC(C)(C)C(C)(N)C(1C' for input: 'CCC(N)C1(C)CCC(C)(C)C(C)(N)C(1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(CN)C(C)(N)C(C)C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC(N)C1(C)C(C)C2(CN)NC2(C)C1(C)(C)CC2CCC(N)C21C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC(N)(C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC(N)C1(C)CCC(C)C1(C)C(C)(C)C(CC)(N)C(C)(C)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC(N)C12CCCC1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC(N)C1(C)CCC(C)(C)C(C)(N)C(O)(CN)(C)(C)C3(C)NCC1C3(CN)C2'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC1C(CN)C(C)(N)C(C)(C)CC2CCC()(C)C(C)(N1)C(CN)C(C)C32C
[18:21:50] SMILES Parse Error: check for mistakes around position 30:
[18:21:50] (C)(N)C(C)(C)CC2CCC()(C)C(C)(N1)C(CN)C(C)
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN)C(C)(N)C(C)(C)CC2CCC()(C)C(C)(N1)C(CN)C(C)C32C' for input: 'CC1C(CN)C(C)(N)C(C)(C)CC2CCC()(C)C(C)(N1)C(CN)C(C)C32C'
[18:21:50] SMILES Parse Error: ring closure 2 duplicates bond between atom 2 and atom 10 for input: 'CCC12NC3CC(CC)(N)C21C'
[18:21:50] Explicit valence for atom # 18 C, 5, is greater than permitted
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC)C12CCC(C)(C)C3(C)NCC1C3(CN)C2
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCC)C12CCC(C)(C)C3(C)NCC1C3(CN)C2
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC)C12CCC(C)(C)C3(C)NCC1C3(CN)C2' for input: 'CCC)C12CCC(C)(C)C3(C)NCC1C3(CN)C2'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(N(N)C1(C)CCC(C)(C)C(C)(N)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCC(N(N)C1(C)CCC(C)(C)C(C)(N)C(CN)C1C
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N(N)C1(C)CCC(C)(C)C(C)(N)C(CN)C1C' for input: 'CCC(N(N)C1(C)CCC(C)(C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCC(N)C1(C)CCC(C)(C)C(C)(3(C)NCC1C3(CN)C2
[18:21:50] SMILES Parse Error: check for mistakes around position 26:
[18:21:50] )C1(C)CCC(C)(C)C(C)(3(C)NCC1C3(CN)C2
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)CCC(C)(C)C(C)(3(C)NCC1C3(CN)C2' for input: 'CCC(N)C1(C)CCC(C)(C)C(C)(3(C)NCC1C3(CN)C2'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(N)C12CCC(C)(C)CN)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 21:
[18:21:50] CCC(N)C12CCC(C)(C)CN)C(CN)C1C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C12CCC(C)(C)CN)C(CN)C1C' for input: 'CCC(N)C12CCC(C)(C)CN)C(CN)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC12NC3CC(C)(C)C(C)(N1)C(CN)C(C)C3(N)C(C)(C)CC2CCC(N)C21C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC(N)C1(C)CCC(C)(C)C(C)(N)C(C)2C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(N)N)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 8:
[18:21:50] CCC(N)N)C(CN)C1C
[18:21:50] ~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)N)C(CN)C1C' for input: 'CCC(N)N)C(CN)C1C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(N)C1(C)CCC(C)(C)C(C)(C12CCC(C)(C)C3(C)NCC1C3(CN)C2
[18:21:50] SMILES Parse Error: check for mistakes around position 25:
[18:21:50] N)C1(C)CCC(C)(C)C(C)(C12CCC(C)(C)C3(C)NCC
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)CCC(C)(C)C(C)(C12CCC(C)(C)C3(C)NCC1C3(CN)C2' for input: 'CCC(N)C1(C)CCC(C)(C)C(C)(C12CCC(C)(C)C3(C)NCC1C3(CN)C2'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(N)C1(C)CCC(C)(C)C(C)(N)C(CCC(C)(C)C(C)(N)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 29:
[18:21:50] (C)CCC(C)(C)C(C)(N)C(CCC(C)(C)C(C)(N)C(CN
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)CCC(C)(C)C(C)(N)C(CCC(C)(C)C(C)(N)C(CN)C1C' for input: 'CCC(N)C1(C)CCC(C)(C)C(C)(N)C(CCC(C)(C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC(N)C1(C)CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 14:
[18:21:50] CCC(N)C1(C)CN)C1C
[18:21:50] ~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C1(C)CN)C1C' for input: 'CCC(N)C1(C)CN)C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCCC)C3(C)NCC1C3(CN)C2
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CCCC)C3(C)NCC1C3(CN)C2
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCCC)C3(C)NCC1C3(CN)C2' for input: 'CCCC)C3(C)NCC1C3(CN)C2'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCC(N)C12CCC(C)((N)C12CCC(C)(C)C3(C)NCC1C3(CN)C2
[18:21:50] SMILES Parse Error: check for mistakes around position 17:
[18:21:50] CCC(N)C12CCC(C)((N)C12CCC(C)(C)C3(C)NCC1C
[18:21:50] ~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N)C12CCC(C)((N)C12CCC(C)(C)C3(C)NCC1C3(CN)C2' for input: 'CCC(N)C12CCC(C)((N)C12CCC(C)(C)C3(C)NCC1C3(CN)C2'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC(N2CCC(C)(N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 4:
[18:21:50] CCC(N2CCC(C)(N)C21C
[18:21:50] ~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC(N2CCC(C)(N)C21C' for input: 'CCC(N2CCC(C)(N)C21C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(CN)C(C)(N)C(C)(C)CC)C1(C)CCC(C)(C)C(C)(N)C(CN)C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 25:
[18:21:50] (CN)C(C)(N)C(C)(C)CC)C1(C)CCC(C)(C)C(C)(N
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN)C(C)(N)C(C)(C)CC)C1(C)CCC(C)(C)C(C)(N)C(CN)C1C' for input: 'CC1C(CN)C(C)(N)C(C)(C)CC)C1(C)CCC(C)(C)C(C)(N)C(CN)C1C'
[18:21:50] SMILES Parse Error: ring closure 2 duplicates bond between atom 18 and atom 19 for input: 'CCC(N)C1(C)CCC(C)(C)C(C)(N)C(C)(C)CC2C21C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC12NC3CC(C)(C)C4(CN14)C(CN)C(C)C(C)C(CN)C1C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C32C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC1(C)CCC2(C3CCN3)CC3(21C
[18:21:50] SMILES Parse Error: check for mistakes around position 23:
[18:21:50] 1(C)CCC2(C3CCN3)CC3(21C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1(C)CCC2(C3CCN3)CC3(21C' for input: 'CC1(C)CCC2(C3CCN3)CC3(21C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(CN)C(C)(N)C(C)(C)CC2CCC(C)(N)CCN)C2CNC13C
[18:21:50] SMILES Parse Error: check for mistakes around position 38:
[18:21:50] C)(C)CC2CCC(C)(N)CCN)C2CNC13C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN)C(C)(N)C(C)(C)CC2CCC(C)(N)CCN)C2CNC13C' for input: 'CC1C(CN)C(C)(N)C(C)(C)CC2CCC(C)(N)CCN)C2CNC13C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C2(C)C(C)(N)CCC23CCN14)C(CN)C(C)C32C
[18:21:50] SMILES Parse Error: check for mistakes around position 26:
[18:21:50] (C)C(C)(N)CCC23CCN14)C(CN)C(C)C32C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C2(C)C(C)(N)CCC23CCN14)C(CN)C(C)C32C' for input: 'CC1C2(C)C(C)(N)CCC23CCN14)C(CN)C(C)C32C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC12NC3CC(C)(C)C4(C(C)(C)C(C)(N)C13CN
[18:21:50] SMILES Parse Error: check for mistakes around position 19:
[18:21:50] CCC12NC3CC(C)(C)C4(C(C)(C)C(C)(N)C13CN
[18:21:50] ~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC12NC3CC(C)(C)C4(C(C)(C)C(C)(N)C13CN' for input: 'CCC12NC3CC(C)(C)C4(C(C)(C)C(C)(N)C13CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC12NC3CC(C)(C)C(C)(N1)C(CO)C(C)CN)C(C)(N)C(C)(C)CC2CCC(C)(N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 36:
[18:21:50] )C(C)(N1)C(CO)C(C)CN)C(C)(N)C(C)(C)CC2CCC
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC12NC3CC(C)(C)C(C)(N1)C(CO)C(C)CN)C(C)(N)C(C)(C)CC2CCC(C)(N)C21C' for input: 'CCC12NC3CC(C)(C)C(C)(N1)C(CO)C(C)CN)C(C)(N)C(C)(C)CC2CCC(C)(N)C21C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(C32C
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CC1C(C32C
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(C32C' for input: 'CC1C(C32C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C2(C)C(C)(N)CCC23C1C(CN)C(C)(N)C(C)(C)CC2CCC(C)(N)C21C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC(C)(C)C(C)(N)C13CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(CN)C(C)(N)CC)C32C
[18:21:50] SMILES Parse Error: check for mistakes around position 18:
[18:21:50] CC1C(CN)C(C)(N)CC)C32C
[18:21:50] ~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN)C(C)(N)CC)C32C' for input: 'CC1C(CN)C(C)(N)CC)C32C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCC12NC3CC(C)(C)C4(CN14)C(CN)C((C)(C)CC2CCC(C)(N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 32:
[18:21:50] C)(C)C4(CN14)C(CN)C((C)(C)CC2CCC(C)(N)C21
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC12NC3CC(C)(C)C4(CN14)C(CN)C((C)(C)CC2CCC(C)(N)C21C' for input: 'CCC12NC3CC(C)(C)C4(CN14)C(CN)C((C)(C)CC2CCC(C)(N)C21C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC12NC3CC(C)(C)C4(CN12C
[18:21:50] SMILES Parse Error: check for mistakes around position 19:
[18:21:50] CCC12NC3CC(C)(C)C4(CN12C
[18:21:50] ~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC12NC3CC(C)(C)C4(CN12C' for input: 'CCC12NC3CC(C)(C)C4(CN12C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC12NC3CC(C)(C)C(C)(N1)C(CO)C(C)C34)C(CN)C(C)C32C
[18:21:50] SMILES Parse Error: check for mistakes around position 37:
[18:21:50] C(C)(N1)C(CO)C(C)C34)C(CN)C(C)C32C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC12NC3CC(C)(C)C(C)(N1)C(CO)C(C)C34)C(CN)C(C)C32C' for input: 'CCC12NC3CC(C)(C)C(C)(N1)C(CO)C(C)C34)C(CN)C(C)C32C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCCC(C)C32C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC12NC3CC(C)(C)C(C)(N1)C(CO)12NC3CC(C)(C)C(C)(N1)C(CO)C(C)C32C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCC12NC3CC(C)(C)C(C)()(C)CC2CCC(C)(N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 22:
[18:21:50] CC12NC3CC(C)(C)C(C)()(C)CC2CCC(C)(N)C21C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC12NC3CC(C)(C)C(C)()(C)CC2CCC(C)(N)C21C' for input: 'CCC12NC3CC(C)(C)C(C)()(C)CC2CCC(C)(N)C21C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(CN)C(C)(N)C(CN1)C(CO)C(C)C32C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC12NC3CC(CC(C)(C)C4(CN14)C(CN)C(C)C32C
[18:21:50] SMILES Parse Error: check for mistakes around position 11:
[18:21:50] CCC12NC3CC(CC(C)(C)C4(CN14)C(CN)C(C)C32C
[18:21:50] ~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC12NC3CC(CC(C)(C)C4(CN14)C(CN)C(C)C32C' for input: 'CCC12NC3CC(CC(C)(C)C4(CN14)C(CN)C(C)C32C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC12NC3C)(C)C(C)(N1)C(CO)C(C)C32C
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CCC12NC3C)(C)C(C)(N1)C(CO)C(C)C32C
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC12NC3C)(C)C(C)(N1)C(CO)C(C)C32C' for input: 'CCC12NC3C)(C)C(C)(N1)C(CO)C(C)C32C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C2(C)C(C)(N)CCC23C)C(C)(N)CCC23CC(C)(C)C(C)(N)C13CN
[18:21:50] SMILES Parse Error: check for mistakes around position 22:
[18:21:50] C1C2(C)C(C)(N)CCC23C)C(C)(N)CCC23CC(C)(C)
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C2(C)C(C)(N)CCC23C)C(C)(N)CCC23CC(C)(C)C(C)(N)C13CN' for input: 'CC1C2(C)C(C)(N)CCC23C)C(C)(N)CCC23CC(C)(C)C(C)(N)C13CN'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C2(CC(C)(C)C(C)(N)C13CN
[18:21:50] SMILES Parse Error: check for mistakes around position 6:
[18:21:50] CC1C2(CC(C)(C)C(C)(N)C13CN
[18:21:50] ~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C2(CC(C)(C)C(C)(N)C13CN' for input: 'CC1C2(CC(C)(C)C(C)(N)C13CN'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC12NC3CC(C)(C)C4(CN14)C(CC)(N)C21C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(CN)C(C)(N)C(C)(C)CC2CCC(N)C(C)C32C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC1C(CN)C(C)(N)C((N)C(C)(C)CCC1(C)C32C
[18:21:50] SMILES Parse Error: check for mistakes around position 18:
[18:21:50] CC1C(CN)C(C)(N)C((N)C(C)(C)CCC1(C)C32C
[18:21:50] ~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN)C(C)(N)C((N)C(C)(C)CCC1(C)C32C' for input: 'CC1C(CN)C(C)(N)C((N)C(C)(C)CCC1(C)C32C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CCC1NC2(N)CCC3CC(C)(C)C(C)(N)C(C)C)(C)CC2CCC(C)(N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 35:
[18:21:50] CC(C)(C)C(C)(N)C(C)C)(C)CC2CCC(C)(N)C21C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC1NC2(N)CCC3CC(C)(C)C(C)(N)C(C)C)(C)CC2CCC(C)(N)C21C' for input: 'CCC1NC2(N)CCC3CC(C)(C)C(C)(N)C(C)C)(C)CC2CCC(C)(N)C21C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(CN)C(C)(CN)C2CNC13C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1(C)CCC2(C3CCN3)CC3(N)C(C)(C)CC2CCC(C)(N)CCC(N)C21C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C2(C)C(C1C
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CC1C2(C)C(C1C
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C2(C)C(C1C' for input: 'CC1C2(C)C(C1C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(CN)C(C)(N)C(C)(C)CC2CCC(C)(N)C2)(N)CCC23CC(C)(C)C(C)(N)C13CN
[18:21:50] SMILES Parse Error: check for mistakes around position 37:
[18:21:50] (C)(C)CC2CCC(C)(N)C2)(N)CCC23CC(C)(C)C(C)
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN)C(C)(N)C(C)(C)CC2CCC(C)(N)C2)(N)CCC23CC(C)(C)C(C)(N)C13CN' for input: 'CC1C(CN)C(C)(N)C(C)(C)CC2CCC(C)(N)C2)(N)CCC23CC(C)(C)C(C)(N)C13CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1CC)(N)C(C)(C)CC2CCC(C)(N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 6:
[18:21:50] CC1CC)(N)C(C)(C)CC2CCC(C)(N)C21C
[18:21:50] ~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1CC)(N)C(C)(C)CC2CCC(C)(N)C21C' for input: 'CC1CC)(N)C(C)(C)CC2CCC(C)(N)C21C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC1C(CN)C((CN)C(C)(N)C(C)(C)CC2CCC(C)(N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 11:
[18:21:50] CC1C(CN)C((CN)C(C)(N)C(C)(C)CC2CCC(C)(N)C
[18:21:50] ~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN)C((CN)C(C)(N)C(C)(C)CC2CCC(C)(N)C21C' for input: 'CC1C(CN)C((CN)C(C)(N)C(C)(C)CC2CCC(C)(N)C21C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(CN)C(C)C(C)(N)C21C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(CN)C(C)(N)C(C)(C)CC2CC(N)C(C)(C)CC2CCC(C)(N)C21C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1(C)CC23CCC(C)(NC(C)(N)C2(C)C2(C)CC1(N)C23CN
[18:21:50] SMILES Parse Error: check for mistakes around position 17:
[18:21:50] CC1(C)CC23CCC(C)(NC(C)(N)C2(C)C2(C)CC1(N)
[18:21:50] ~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1(C)CC23CCC(C)(NC(C)(N)C2(C)C2(C)CC1(N)C23CN' for input: 'CC1(C)CC23CCC(C)(NC(C)(N)C2(C)C2(C)CC1(N)C23CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1(C)CC23CC)C2(C)C2(C)CC1(N)C23CN
[18:21:50] SMILES Parse Error: check for mistakes around position 13:
[18:21:50] CC1(C)CC23CC)C2(C)C2(C)CC1(N)C23CN
[18:21:50] ~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1(C)CC23CC)C2(C)C2(C)CC1(N)C23CN' for input: 'CC1(C)CC23CC)C2(C)C2(C)CC1(N)C23CN'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC1()(CN)C(C)C32C
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CC1()(CN)C(C)C32C
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1()(CN)C(C)C32C' for input: 'CC1()(CN)C(C)C32C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC12NC3CC(C)(C)C4(CN14)C(CC)CC23CCC(C)(N)C2(C)C2(C)CC1(N)C23CN'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(CN)C(CC(C)(N)C(C)(C)CC2CCC(C)(N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CC1C(CN)C(CC(C)(N)C(C)(C)CC2CCC(C)(N)C21C
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN)C(CC(C)(N)C(C)(C)CC2CCC(C)(N)C21C' for input: 'CC1C(CN)C(CC(C)(N)C(C)(C)CC2CCC(C)(N)C21C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(CN))(N)C(C)(C)CC2CCC(C)(N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 9:
[18:21:50] CC1C(CN))(N)C(C)(C)CC2CCC(C)(N)C21C
[18:21:50] ~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN))(N)C(C)(C)CC2CCC(C)(N)C21C' for input: 'CC1C(CN))(N)C(C)(C)CC2CCC(C)(N)C21C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C23CC(CC2C(C)(N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 9:
[18:21:50] CC1C23CC(CC2C(C)(N)C21C
[18:21:50] ~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C23CC(CC2C(C)(N)C21C' for input: 'CC1C23CC(CC2C(C)(N)C21C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(CN)C(C)(N)C(C)(C)CC2CC4CC(C)(C)C(C)(N)C14CN)C3(C)N
[18:21:50] SMILES Parse Error: check for mistakes around position 49:
[18:21:50] CC(C)(C)C(C)(N)C14CN)C3(C)N
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN)C(C)(N)C(C)(C)CC2CC4CC(C)(C)C(C)(N)C14CN)C3(C)N' for input: 'CC1C(CN)C(C)(N)C(C)(C)CC2CC4CC(C)(C)C(C)(N)C14CN)C3(C)N'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(CN)C(C)(N)C(C)(C)CC2CCC(C)(NC)C13CN'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC1C2(C)C(C)(N)CCC23CC2(C)CNC2()C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 32:
[18:21:50] )(N)CCC23CC2(C)CNC2()C21C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C2(C)C(C)(N)CCC23CC2(C)CNC2()C21C' for input: 'CC1C2(C)C(C)(N)CCC23CC2(C)CNC2()C21C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C2(C)C(C)(N)CCC23CCN)CCC23CC2(C)CNC2(C)C13CN
[18:21:50] SMILES Parse Error: check for mistakes around position 24:
[18:21:50] C2(C)C(C)(N)CCC23CCN)CCC23CC2(C)CNC2(C)C1
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C2(C)C(C)(N)CCC23CCN)CCC23CC2(C)CNC2(C)C13CN' for input: 'CC1C2(C)C(C)(N)CCC23CCN)CCC23CC2(C)CNC2(C)C13CN'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC1C2(C)C(C)(2(C)CNC2(C)C13CN
[18:21:50] SMILES Parse Error: check for mistakes around position 14:
[18:21:50] CC1C2(C)C(C)(2(C)CNC2(C)C13CN
[18:21:50] ~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C2(C)C(C)(2(C)CNC2(C)C13CN' for input: 'CC1C2(C)C(C)(2(C)CNC2(C)C13CN'
[18:21:50] SMILES Parse Error: ring closure 2 duplicates bond between atom 14 and atom 16 for input: 'CC1C2(C)C(CC)CC23CCC(C)(N)C2(C)C2(C)CC1(N)C23CN'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC1()(N)CCC23CC2(C)CNC2(C)C13CN
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CC1()(N)CCC23CC2(C)CNC2(C)C13CN
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1()(N)CCC23CC2(C)CNC2(C)C13CN' for input: 'CC1()(N)CCC23CC2(C)CNC2(C)C13CN'
[18:21:50] SMILES Parse Error: syntax error while parsing: CCC12NC3CC(C)(C)C4(CN14)C(C)(CN)C()C(C)(C)CC2CCC(C)(N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 35:
[18:21:50] C)C4(CN14)C(C)(CN)C()C(C)(C)CC2CCC(C)(N)C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC12NC3CC(C)(C)C4(CN14)C(C)(CN)C()C(C)(C)CC2CCC(C)(N)C21C' for input: 'CCC12NC3CC(C)(C)C4(CN14)C(C)(CN)C()C(C)(C)CC2CCC(C)(N)C21C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(CN)C(C)(NC)C32C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C23CC(CC24CC(C)(C)C(C)(N)C2(C)C(C)(N)CCC23CC2(C)CNC2(C)C13CN
[18:21:50] SMILES Parse Error: check for mistakes around position 9:
[18:21:50] CC1C23CC(CC24CC(C)(C)C(C)(N)C2(C)C(C)(N)C
[18:21:50] ~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C23CC(CC24CC(C)(C)C(C)(N)C2(C)C(C)(N)CCC23CC2(C)CNC2(C)C13CN' for input: 'CC1C23CC(CC24CC(C)(C)C(C)(N)C2(C)C(C)(N)CCC23CC2(C)CNC2(C)C13CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C14CN)C3(C)N
[18:21:50] SMILES Parse Error: check for mistakes around position 9:
[18:21:50] CC1C14CN)C3(C)N
[18:21:50] ~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C14CN)C3(C)N' for input: 'CC1C14CN)C3(C)N'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CCC12NC3CC(C)(C)C4(CC2CCC(C)(N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 19:
[18:21:50] CCC12NC3CC(C)(C)C4(CC2CCC(C)(N)C21C
[18:21:50] ~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CCC12NC3CC(C)(C)C4(CC2CCC(C)(N)C21C' for input: 'CCC12NC3CC(C)(C)C4(CC2CCC(C)(N)C21C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C(CN)C(C)(N)C(C)(C)CN14)C(C)(CN)C(C)C32C
[18:21:50] SMILES Parse Error: check for mistakes around position 27:
[18:21:50] N)C(C)(N)C(C)(C)CN14)C(C)(CN)C(C)C32C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN)C(C)(N)C(C)(C)CN14)C(C)(CN)C(C)C32C' for input: 'CC1C(CN)C(C)(N)C(C)(C)CN14)C(C)(CN)C(C)C32C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1(C)CC23CCC(C)(N)C2(CC23CC2(C)CNC2(C)C13CN
[18:21:50] SMILES Parse Error: check for mistakes around position 22:
[18:21:50] C1(C)CC23CCC(C)(N)C2(CC23CC2(C)CNC2(C)C13
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1(C)CC23CCC(C)(N)C2(CC23CC2(C)CNC2(C)C13CN' for input: 'CC1(C)CC23CCC(C)(N)C2(CC23CC2(C)CNC2(C)C13CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1C2(C)C(C)(N)CC)C2(C)CC1(N)C23CN
[18:21:50] SMILES Parse Error: check for mistakes around position 18:
[18:21:50] CC1C2(C)C(C)(N)CC)C2(C)CC1(N)C23CN
[18:21:50] ~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C2(C)C(C)(N)CC)C2(C)CC1(N)C23CN' for input: 'CC1C2(C)C(C)(N)CC)C2(C)CC1(N)C23CN'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(CN)C(C)(N)C(C1C2(C)C(C)(N)CCC23CC2(C)CNC2(C)C13CN
[18:21:50] SMILES Parse Error: check for mistakes around position 17:
[18:21:50] CC1C(CN)C(C)(N)C(C1C2(C)C(C)(N)CCC23CC2(C
[18:21:50] ~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN)C(C)(N)C(C1C2(C)C(C)(N)CCC23CC2(C)CNC2(C)C13CN' for input: 'CC1C(CN)C(C)(N)C(C1C2(C)C(C)(N)CCC23CC2(C)CNC2(C)C13CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC)(C)CC2CCC(C)(N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 3:
[18:21:50] CC)(C)CC2CCC(C)(N)C21C
[18:21:50] ~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC)(C)CC2CCC(C)(N)C21C' for input: 'CC)(C)CC2CCC(C)(N)C21C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(CN)C(C)(N)C(C)(C)CC2CCC(CN)C(C)(N)C(C)(C)CC2CCC(C)(N)C21C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(C)(N)C21C'
[18:21:50] Explicit valence for atom # 2 N, 4, is greater than permitted
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(CN)C4(CN14)C(C)(CN)C(C)C32C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CCC12NC3CC(C)(C)C(C)(N)C(C)(C)CC2CCC(C)(N)C21C'
[18:21:50] SMILES Parse Error: syntax error while parsing: CC1C(CN)C(C)(N)C(C)(C)CC2CCC(C)((N)CCC23CC4(C)CC5(CC(N)C25C4(C)N)C13C
[18:21:50] SMILES Parse Error: check for mistakes around position 33:
[18:21:50] (N)C(C)(C)CC2CCC(C)((N)CCC23CC4(C)CC5(CC(
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN)C(C)(N)C(C)(C)CC2CCC(C)((N)CCC23CC4(C)CC5(CC(N)C25C4(C)N)C13C' for input: 'CC1C(CN)C(C)(N)C(C)(C)CC2CCC(C)((N)CCC23CC4(C)CC5(CC(N)C25C4(C)N)C13C'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 5:
[18:21:50] CC1N)C21C
[18:21:50] ~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1N)C21C' for input: 'CC1N)C21C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1(N)CCC23C4CC12C1(C)CC(N)(C12C1(C)CC(N)(C4(C)C)C13CN
[18:21:50] SMILES Parse Error: check for mistakes around position 28:
[18:21:50] CC23C4CC12C1(C)CC(N)(C12C1(C)CC(N)(C4(C)C
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1(N)CCC23C4CC12C1(C)CC(N)(C12C1(C)CC(N)(C4(C)C)C13CN' for input: 'CC1(N)CCC23C4CC12C1(C)CC(N)(C12C1(C)CC(N)(C4(C)C)C13CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1(N)CCC23C4CC4(C)C)C13CN
[18:21:50] SMILES Parse Error: check for mistakes around position 21:
[18:21:50] CC1(N)CCC23C4CC4(C)C)C13CN
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1(N)CCC23C4CC4(C)C)C13CN' for input: 'CC1(N)CCC23C4CC4(C)C)C13CN'
[18:21:50] Explicit valence for atom # 15 O, 3, is greater than permitted
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C2(C)C(C)(N)CCC23CC2(CC23C4CC12C1(C)CC(N)(C4(C)C)C13CN
[18:21:50] SMILES Parse Error: check for mistakes around position 24:
[18:21:50] C2(C)C(C)(N)CCC23CC2(CC23C4CC12C1(C)CC(N)
[18:21:50] ~~~~~~~~~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C2(C)C(C)(N)CCC23CC2(CC23C4CC12C1(C)CC(N)(C4(C)C)C13CN' for input: 'CC1C2(C)C(C)(N)CCC23CC2(CC23C4CC12C1(C)CC(N)(C4(C)C)C13CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC1(N)CC)CNC2(C)C13CN
[18:21:50] SMILES Parse Error: check for mistakes around position 9:
[18:21:50] CC1(N)CC)CNC2(C)C13CN
[18:21:50] ~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1(N)CC)CNC2(C)C13CN' for input: 'CC1(N)CC)CNC2(C)C13CN'
[18:21:50] SMILES Parse Error: extra close parentheses while parsing: CC12CC3(C)C4)(N)C(C)(C)CC2CCC(C)(N)C21C
[18:21:50] SMILES Parse Error: check for mistakes around position 13:
[18:21:50] CC12CC3(C)C4)(N)C(C)(C)CC2CCC(C)(N)C21C
[18:21:50] ~~~~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC12CC3(C)C4)(N)C(C)(C)CC2CCC(C)(N)C21C' for input: 'CC12CC3(C)C4)(N)C(C)(C)CC2CCC(C)(N)C21C'
[18:21:50] SMILES Parse Error: extra open parentheses while parsing: CC1C(CN)C(C(C)C5(CCC4(C1)C3(CN)C2(C)N)CN5
[18:21:50] SMILES Parse Error: check for mistakes around position 10:
[18:21:50] CC1C(CN)C(C(C)C5(CCC4(C1)C3(CN)C2(C)N)CN5
[18:21:50] ~~~~~~~~~^
[18:21:50] SMILES Parse Error: Failed parsing SMILES 'CC1C(CN)C(C(C)C5(CCC4(C1)C3(CN)C2(C)N)CN5' for input: 'CC1C(CN)C(C(C)C5(CCC4(C1)C3(CN)C2(C)N)CN5'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C2(C)C(C)(N)CCC23CC2CC(C)(N)C21C'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(CN)C(C)(N)C(C)(C)CC2C(C)CNC2(C)C13CN'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C2(C)C(C)(N)CC3CC45NCC42(C)CNC2(C)C13CN'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C2(C)C(C)(N)CCC23CC(C)CC32C15CN'
[18:21:50] SMILES Parse Error: ring closure 2 duplicates bond between atom 1 and atom 7 for input: 'CC12CCC(C)(N)C21C'
[18:21:50] SMILES Parse Error: ring closure 2 duplicates bond between atom 2 and atom 4 for input: 'CC1C2(C)C2(C)C(C)(N)CC3CC45NCC4(C)CC32C15CN'
[18:21:50] SMILES Parse Error: unclosed ring for input: 'CC1C(C)(N)CCC23CC2(C)CNC2(C)C13CN'


最適化アルゴリズムのベンチマーク結果:
============================================================

Hill Climbing:
  平均最終スコア: 1.000 ± 0.000
  平均改善度: 1.000 ± 0.000
  成功率: 100.0%
  最高スコア: 1.000
  最低スコア: 1.000

Simulated Annealing:
  平均最終スコア: 0.379 ± 0.328
  平均改善度: 0.379 ± 0.328
  成功率: 60.0%
  最高スコア: 0.836
  最低スコア: 0.000

Genetic Algorithm:
  平均最終スコア: 0.986 ± 0.019
  平均改善度: 0.473 ± 0.019
  成功率: 100.0%
  最高スコア: 1.000
  最低スコア: 0.948

png

まとめ

本ノートブックでは、創薬研究における分子最適化の様々な手法について学習しました:

主要なポイント

  1. ヒルクライミング法:

    • 最も基本的な局所探索手法
    • 単純で高速だが局所最適解に陥りやすい
    • 良い初期解がある場合に有効
  2. 遺伝的アルゴリズム(GA):

    • 生物進化を模倣した集団ベースの手法
    • 多様な解を維持し、大域的探索が可能
    • 集団サイズと世代数の調整が重要
  3. シミュレーテッドアニーリング(SA):

    • 物理的焼きなまし過程を模倣
    • 温度制御により局所最適解からの脱出が可能
    • 温度スケジュールの設計が性能を左右
  4. 多目的最適化:

    • 複数の相反する目標を同時最適化
    • パレート最適解の概念
    • 創薬における現実的な問題設定
  5. 目的関数の設計:

    • 分子性質の定量的評価
    • 薬物らしさ、合成容易性、多様性
    • ドメイン知識の重要性

各手法の特徴比較

手法 探索能力 計算コスト 実装難易度 適用場面
ヒルクライミング 局所的 初期解が良好
遺伝的アルゴリズム 大域的 多様性重視
シミュレーテッドアニーリング 大域的 バランス型

創薬への応用

  • リード最適化: 既知活性化合物の改良
  • 構造活性相関(SAR): 分子修飾による活性変化の理解
  • 多目的薬物設計: 活性・選択性・ADMET・毒性の同時最適化
  • 化学空間探索: 新規骨格の発見
  • 分子ライブラリ設計: 合成優先度の決定

次のステップ

  1. 機械学習モデルとの組み合わせ
  2. 3D構造を考慮した最適化
  3. 反応経路を考慮した合成容易性評価
  4. 実験データとの統合による目的関数の改良
  5. 大規模並列計算による高速化
 1
 2
 3
 4
 5
 6
 7
 8
 9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
26
27
28
29
30
31
32
33
34
35
36
37
# 最終統計と学習サマリー
print("分子最適化手法学習の総括:")
print("=" * 50)

# 全体統計
total_optimizations = sum(len(results) for results in benchmark_results.values())
print(f"実行した最適化実験数: {total_optimizations}")

# 最良結果の抽出
best_overall = 0
best_method = ""
best_molecule = ""

for method, results in benchmark_results.items():
    method_best = max(r['final_score'] for r in results)
    if method_best > best_overall:
        best_overall = method_best
        best_method = method
        best_result = max(results, key=lambda x: x['final_score'])
        if 'final_molecule' in best_result:
            best_molecule = best_result['final_molecule']

print(f"最高性能手法: {best_method.replace('_', ' ').title()}")
print(f"最高スコア: {best_overall:.3f}")
if best_molecule:
    print(f"最良分子: {best_molecule}")

print("\n手法選択のガイドライン:")
print("-" * 30)
print("• 高速・シンプル → ヒルクライミング法")
print("• 多様性・頑健性 → 遺伝的アルゴリズム") 
print("• バランス・制御性 → シミュレーテッドアニーリング")
print("• 複数目標 → 多目的最適化")

print("\n学習が完了しました!")
print("実際の創薬研究では、これらの手法を組み合わせて")
print("より効果的な分子最適化システムを構築します。")
分子最適化手法学習の総括:
==================================================
実行した最適化実験数: 25
最高性能手法: Hill Climbing
最高スコア: 1.000

手法選択のガイドライン:
------------------------------
• 高速・シンプル → ヒルクライミング法
• 多様性・頑健性 → 遺伝的アルゴリズム
• バランス・制御性 → シミュレーテッドアニーリング
• 複数目標 → 多目的最適化

学習が完了しました!
実際の創薬研究では、これらの手法を組み合わせて
より効果的な分子最適化システムを構築します。

補助資料

ダウンロード

Generated with Claude Code
アプリ開発 Hugo / テーマ Stack, Jimmy