diff --git a/Pilot1/Attn/attn.py b/Pilot1/Attn/attn.py index cc4b4dd6..e2ffb7a6 100644 --- a/Pilot1/Attn/attn.py +++ b/Pilot1/Attn/attn.py @@ -8,8 +8,6 @@ import numpy as np file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import candle diff --git a/Pilot1/Attn/attn_abstention_keras2.py b/Pilot1/Attn/attn_abstention_keras2.py index 564019ea..9783acd1 100644 --- a/Pilot1/Attn/attn_abstention_keras2.py +++ b/Pilot1/Attn/attn_abstention_keras2.py @@ -8,7 +8,7 @@ import tensorflow as tf from tensorflow.keras import backend as K -from tensorflow.keras.models import model_from_json, model_from_yaml +from tensorflow.keras.models import model_from_json from tensorflow.keras.callbacks import ModelCheckpoint, CSVLogger, ReduceLROnPlateau, EarlyStopping, TensorBoard from sklearn.utils.class_weight import compute_class_weight @@ -214,7 +214,7 @@ def run(params): # Try class weight and abstention classifier y_integers = np.argmax(Y_train, axis=1) - class_weights = compute_class_weight('balanced', np.unique(y_integers), y_integers) + class_weights = compute_class_weight(class_weight='balanced', classes=np.unique(y_integers), y=y_integers) d_class_weights = dict(enumerate(class_weights)) print('X_train shape:', X_train.shape) @@ -444,12 +444,6 @@ def save_and_test_saved_model(params, model, root_fname, nb_classes, alpha, mask with open(params['save_path'] + root_fname + '.model.json', "w") as json_file: json_file.write(model_json) - # serialize model to YAML - model_yaml = model.to_yaml() - with open(params['save_path'] + root_fname + '.model.yaml', "w") as yaml_file: - - yaml_file.write(model_yaml) - # serialize weights to HDF5 model.save_weights(params['save_path'] + root_fname + '.model.h5') print("Saved model to disk") @@ -460,18 +454,8 @@ def save_and_test_saved_model(params, model, root_fname, nb_classes, alpha, mask json_file.close() loaded_model_json = model_from_json(loaded_model_json) - # load yaml and create model - yaml_file = open(params['save_path'] + root_fname + '.model.yaml', 'r') - loaded_model_yaml = yaml_file.read() - yaml_file.close() - loaded_model_yaml = model_from_yaml(loaded_model_yaml) - # yaml.load(input, Loader=yaml.FullLoader) - # load weights into new model loaded_model_json.load_weights(params['save_path'] + root_fname + '.model.h5') - # input = params['save_path'] + root_fname + '.model.h5' - # loaded_model_json.load(input, Loader=yaml.FullLoader) - # print("Loaded json model from disk") # evaluate json loaded model on test data loaded_model_json.compile(loss=candle.abstention_loss(alpha, mask), optimizer='SGD', metrics=[candle.abstention_acc_metric(nb_classes)]) @@ -480,27 +464,17 @@ def save_and_test_saved_model(params, model, root_fname, nb_classes, alpha, mask print('json Validation abstention accuracy:', score_json[1]) print("json %s: %.2f%%" % (loaded_model_json.metrics_names[1], score_json[1] * 100)) - # load weights into new model - loaded_model_yaml.load_weights(params['save_path'] + root_fname + '.model.h5') - print("Loaded yaml model from disk") - # evaluate yaml loaded model on test data - loaded_model_yaml.compile(loss=candle.abstention_loss(alpha, mask), optimizer='SGD', metrics=[candle.abstention_acc_metric(nb_classes)]) - score_yaml = loaded_model_yaml.evaluate(X_test, Y_test, verbose=0) - print('yaml Validation abstention loss:', score_yaml[0]) - print('yaml Validation abstention accuracy:', score_yaml[1]) - print("yaml %s: %.2f%%" % (loaded_model_yaml.metrics_names[1], score_yaml[1] * 100)) - # predict using loaded yaml model on test and training data - predict_yaml_train = loaded_model_yaml.predict(X_train) - predict_yaml_test = loaded_model_yaml.predict(X_test) - print('Yaml_train_shape:', predict_yaml_train.shape) - print('Yaml_test_shape:', predict_yaml_test.shape) - predict_yaml_train_classes = np.argmax(predict_yaml_train, axis=1) - predict_yaml_test_classes = np.argmax(predict_yaml_test, axis=1) - np.savetxt(params['save_path'] + root_fname + '_predict_yaml_train.csv', predict_yaml_train, delimiter=",", fmt="%.3f") - np.savetxt(params['save_path'] + root_fname + '_predict_yaml_test.csv', predict_yaml_test, delimiter=",", fmt="%.3f") - np.savetxt(params['save_path'] + root_fname + '_predict_yaml_train_classes.csv', predict_yaml_train_classes, delimiter=",", fmt="%d") - np.savetxt(params['save_path'] + root_fname + '_predict_yaml_test_classes.csv', predict_yaml_test_classes, delimiter=",", fmt="%d") + predict_train = loaded_model_json.predict(X_train) + predict_test = loaded_model_json.predict(X_test) + print('train_shape:', predict_train.shape) + print('test_shape:', predict_test.shape) + predict_train_classes = np.argmax(predict_train, axis=1) + predict_test_classes = np.argmax(predict_test, axis=1) + np.savetxt(params['save_path'] + root_fname + '_predict_train.csv', predict_train, delimiter=",", fmt="%.3f") + np.savetxt(params['save_path'] + root_fname + '_predict_test.csv', predict_test, delimiter=",", fmt="%.3f") + np.savetxt(params['save_path'] + root_fname + '_predict_train_classes.csv', predict_train_classes, delimiter=",", fmt="%d") + np.savetxt(params['save_path'] + root_fname + '_predict_test_classes.csv', predict_test_classes, delimiter=",", fmt="%d") def main(): diff --git a/Pilot1/Attn/attn_baseline_keras2.py b/Pilot1/Attn/attn_baseline_keras2.py index 1059537c..9bed2c39 100644 --- a/Pilot1/Attn/attn_baseline_keras2.py +++ b/Pilot1/Attn/attn_baseline_keras2.py @@ -10,7 +10,7 @@ from tensorflow.keras import backend as K from tensorflow.keras.layers import Input, Dense, Dropout, BatchNormalization -from tensorflow.keras.models import Model, model_from_json, model_from_yaml +from tensorflow.keras.models import Model, model_from_json from tensorflow.keras.utils import to_categorical from tensorflow.keras.callbacks import Callback, ModelCheckpoint, CSVLogger, ReduceLROnPlateau, EarlyStopping, TensorBoard @@ -197,7 +197,7 @@ def run(params): Y_val = to_categorical(Y_val, nb_classes) y_integers = np.argmax(Y_train, axis=1) - class_weights = compute_class_weight('balanced', np.unique(y_integers), y_integers) + class_weights = compute_class_weight(class_weight='balanced', classes=np.unique(y_integers), y=y_integers) d_class_weights = dict(enumerate(class_weights)) print('X_train shape:', X_train.shape) @@ -363,11 +363,6 @@ def save_and_test_saved_model(params, model, root_fname, X_train, X_test, Y_test with open(params['save_path'] + root_fname + ".model.json", "w") as json_file: json_file.write(model_json) - # serialize model to YAML - model_yaml = model.to_yaml() - with open(params['save_path'] + root_fname + ".model.yaml", "w") as yaml_file: - yaml_file.write(model_yaml) - # serialize weights to HDF5 model.save_weights(params['save_path'] + root_fname + ".model.h5") print("Saved model to disk") @@ -378,12 +373,6 @@ def save_and_test_saved_model(params, model, root_fname, X_train, X_test, Y_test json_file.close() loaded_model_json = model_from_json(loaded_model_json) - # load yaml and create model - yaml_file = open(params['save_path'] + root_fname + '.model.yaml', 'r') - loaded_model_yaml = yaml_file.read() - yaml_file.close() - loaded_model_yaml = model_from_yaml(loaded_model_yaml) - # load weights into new model loaded_model_json.load_weights(params['save_path'] + root_fname + ".model.h5") print("Loaded json model from disk") @@ -397,30 +386,19 @@ def save_and_test_saved_model(params, model, root_fname, X_train, X_test, Y_test print("json %s: %.2f%%" % (loaded_model_json.metrics_names[1], score_json[1] * 100)) - # load weights into new model - loaded_model_yaml.load_weights(params['save_path'] + root_fname + ".model.h5") - print("Loaded yaml model from disk") - - # evaluate loaded model on test data - loaded_model_yaml.compile(loss='binary_crossentropy', optimizer=params['optimizer'], metrics=['accuracy']) - score_yaml = loaded_model_yaml.evaluate(X_test, Y_test, verbose=0) - print('yaml Validation loss:', score_yaml[0]) - print('yaml Validation accuracy:', score_yaml[1]) - print("yaml %s: %.2f%%" % (loaded_model_yaml.metrics_names[1], score_yaml[1] * 100)) - - # predict using loaded yaml model on test and training data - predict_yaml_train = loaded_model_yaml.predict(X_train) - predict_yaml_test = loaded_model_yaml.predict(X_test) - print('Yaml_train_shape:', predict_yaml_train.shape) - print('Yaml_test_shape:', predict_yaml_test.shape) - - predict_yaml_train_classes = np.argmax(predict_yaml_train, axis=1) - predict_yaml_test_classes = np.argmax(predict_yaml_test, axis=1) - np.savetxt(params['save_path'] + root_fname + "_predict_yaml_train.csv", predict_yaml_train, delimiter=",", fmt="%.3f") - np.savetxt(params['save_path'] + root_fname + "_predict_yaml_test.csv", predict_yaml_test, delimiter=",", fmt="%.3f") - - np.savetxt(params['save_path'] + root_fname + "_predict_yaml_train_classes.csv", predict_yaml_train_classes, delimiter=",", fmt="%d") - np.savetxt(params['save_path'] + root_fname + "_predict_yaml_test_classes.csv", predict_yaml_test_classes, delimiter=",", fmt="%d") + # predict using loaded model on test and training data + predict_train = loaded_model_json.predict(X_train) + predict_test = loaded_model_json.predict(X_test) + print('train_shape:', predict_train.shape) + print('test_shape:', predict_test.shape) + + predict_train_classes = np.argmax(predict_train, axis=1) + predict_test_classes = np.argmax(predict_test, axis=1) + np.savetxt(params['save_path'] + root_fname + "_predict_train.csv", predict_train, delimiter=",", fmt="%.3f") + np.savetxt(params['save_path'] + root_fname + "_predict_test.csv", predict_test, delimiter=",", fmt="%.3f") + + np.savetxt(params['save_path'] + root_fname + "_predict_train_classes.csv", predict_train_classes, delimiter=",", fmt="%d") + np.savetxt(params['save_path'] + root_fname + "_predict_test_classes.csv", predict_test_classes, delimiter=",", fmt="%d") def main(): diff --git a/Pilot1/Attn/test.sh b/Pilot1/Attn/test.sh index 57dac5bd..f94ea140 100755 --- a/Pilot1/Attn/test.sh +++ b/Pilot1/Attn/test.sh @@ -1,3 +1,4 @@ +set -x python attn_baseline_keras2.py -# python attn_abstention_keras2.py --epochs 1 +python attn_abstention_keras2.py --epochs 1 python attn_bin_working_jan7_h5.py --in ../../Data/Pilot1/top_21_1fold_001.h5 --ep 1 --save_dir "./save" diff --git a/Pilot1/Combo/NCI60.py b/Pilot1/Combo/NCI60.py index 601a7c12..7baed44c 100644 --- a/Pilot1/Combo/NCI60.py +++ b/Pilot1/Combo/NCI60.py @@ -2,7 +2,6 @@ import collections import os -import sys import numpy as np import pandas as pd @@ -14,8 +13,6 @@ from sklearn.preprocessing import StandardScaler, MinMaxScaler, MaxAbsScaler file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path) import candle @@ -286,7 +283,7 @@ def load_drug_set_descriptors(drug_set='ALMANAC', ncols=None, scaling='std', add # df1['NAME'] = df1['NAME'].map(lambda x: x[4:]) df1.rename(columns={'NAME': 'Drug'}, inplace=True) - df2 = df.drop('NAME', 1) + df2 = df.drop('NAME', axis=1) if add_prefix: df2 = df2.add_prefix('dragon7.') @@ -336,7 +333,7 @@ def load_drug_descriptors_new(ncols=None, scaling='std', add_prefix=True): # df1['NAME'] = df1['NAME'].map(lambda x: x[4:]) df1.rename(columns={'NAME': 'Drug'}, inplace=True) - df2 = df.drop('NAME', 1) + df2 = df.drop('NAME', axis=1) if add_prefix: df2 = df2.add_prefix('dragon7.') @@ -383,7 +380,7 @@ def load_drug_descriptors(ncols=None, scaling='std', add_prefix=True): df1['NAME'] = df1['NAME'].map(lambda x: x[4:]) df1.rename(columns={'NAME': 'NSC'}, inplace=True) - df2 = df.drop('NAME', 1) + df2 = df.drop('NAME', axis=1) if add_prefix: df2 = df2.add_prefix('dragon7.') @@ -427,7 +424,7 @@ def load_drug_descriptors_old(ncols=None, scaling='std', add_prefix=True): df1 = pd.DataFrame(df.loc[:, 'NAME'].astype(int).astype(str)) df1.rename(columns={'NAME': 'NSC'}, inplace=True) - df2 = df.drop('NAME', 1) + df2 = df.drop('NAME', axis=1) if add_prefix: df2 = df2.add_prefix('dragon7.') @@ -489,7 +486,7 @@ def load_sample_rnaseq(ncols=None, scaling='std', add_prefix=True, use_landmark_ df1 = df['Sample'] - df2 = df.drop('Sample', 1) + df2 = df.drop('Sample', axis=1) if add_prefix: df2 = df2.add_prefix('rnaseq.') @@ -541,7 +538,7 @@ def load_cell_expression_rnaseq(ncols=None, scaling='std', add_prefix=True, use_ df1 = df['CELLNAME'] df1 = df1.map(lambda x: x.replace(':', '.')) - df2 = df.drop('CELLNAME', 1) + df2 = df.drop('CELLNAME', axis=1) if add_prefix: df2 = df2.add_prefix('rnaseq.') @@ -589,7 +586,7 @@ def load_cell_expression_u133p2(ncols=None, scaling='std', add_prefix=True, use_ df1 = df['CELLNAME'] df1 = df1.map(lambda x: x.replace(':', '.')) - df2 = df.drop('CELLNAME', 1) + df2 = df.drop('CELLNAME', axis=1) if add_prefix: df2 = df2.add_prefix('expr.') @@ -639,7 +636,7 @@ def load_cell_expression_5platform(ncols=None, scaling='std', add_prefix=True, u df1 = df['CellLine'] df1.name = 'CELLNAME' - df2 = df.drop('CellLine', 1) + df2 = df.drop('CellLine', axis=1) if add_prefix: df2 = df2.add_prefix('expr_5p.') @@ -680,7 +677,7 @@ def load_cell_mirna(ncols=None, scaling='std', add_prefix=True): df1 = df['CellLine'] df1.name = 'CELLNAME' - df2 = df.drop('CellLine', 1) + df2 = df.drop('CellLine', axis=1) if add_prefix: df2 = df2.add_prefix('mRNA.') @@ -775,7 +772,7 @@ def load_drug_autoencoded_AG(ncols=None, scaling='std', add_prefix=True): global_cache[path] = df df1 = pd.DataFrame(df.loc[:, 'NSC'].astype(int).astype(str)) - df2 = df.drop('NSC', 1) + df2 = df.drop('NSC', axis=1) if add_prefix: df2 = df2.add_prefix('smiles_latent_AG.') diff --git a/Pilot1/Combo/combo.py b/Pilot1/Combo/combo.py index 14b8944d..b5d5a97f 100644 --- a/Pilot1/Combo/combo.py +++ b/Pilot1/Combo/combo.py @@ -1,12 +1,9 @@ from __future__ import print_function import os -import sys import logging file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import candle diff --git a/Pilot1/Combo/combo_baseline_keras2.py b/Pilot1/Combo/combo_baseline_keras2.py index e1c8381c..5791adb4 100644 --- a/Pilot1/Combo/combo_baseline_keras2.py +++ b/Pilot1/Combo/combo_baseline_keras2.py @@ -4,6 +4,7 @@ import collections import logging +import sys import os import threading @@ -46,7 +47,7 @@ def set_up_logger(logfile, verbose): fh.setFormatter(logging.Formatter("[%(asctime)s %(process)d] %(message)s", datefmt="%Y-%m-%d %H:%M:%S")) fh.setLevel(logging.DEBUG) - sh = logging.StreamHandler() + sh = logging.StreamHandler(sys.stdout) sh.setFormatter(logging.Formatter('')) sh.setLevel(logging.DEBUG if verbose else logging.INFO) diff --git a/Pilot1/Combo/combo_dose.py b/Pilot1/Combo/combo_dose.py index 75159d01..87d62992 100644 --- a/Pilot1/Combo/combo_dose.py +++ b/Pilot1/Combo/combo_dose.py @@ -6,6 +6,7 @@ import collections import logging import os +import sys import threading import numpy as np @@ -49,7 +50,7 @@ def set_up_logger(logfile, verbose): fh.setFormatter(logging.Formatter("[%(asctime)s %(process)d] %(message)s", datefmt="%Y-%m-%d %H:%M:%S")) fh.setLevel(logging.DEBUG) - sh = logging.StreamHandler() + sh = logging.StreamHandler(sys.stdout) sh.setFormatter(logging.Formatter('')) sh.setLevel(logging.DEBUG if verbose else logging.INFO) diff --git a/Pilot1/Combo/test.sh b/Pilot1/Combo/test.sh index b66b678c..6a1c12b6 100755 --- a/Pilot1/Combo/test.sh +++ b/Pilot1/Combo/test.sh @@ -1,7 +1,9 @@ #!/bin/bash +set -x + python combo_baseline_keras2.py --use_landmark_genes True --warmup_lr True --reduce_lr True -z 256 --epochs 4 -python infer.py --sample_set NCIPDM --drug_set ALMANAC --use_landmark_genes -m ./save/combo.A=relu.B=256.E=10.O=adam.LR=None.CF=e.DF=d.wu_lr.re_lr.L1000.D1=1000.D2=1000.D3=1000.model.h5 -w ./save/combo.A=relu.B=256.E=10.O=adam.LR=None.CF=e.DF=d.wu_lr.re_lr.L1000.D1=1000.D2=1000.D3=1000.weights.h5 --epochs 4 +python infer.py --sample_set NCIPDM --drug_set ALMANAC --use_landmark_genes -m ./save/combo.A=relu.B=256.E=4.O=adam.LR=None.CF=e.DF=d.wu_lr.re_lr.L1000.D1=1000.D2=1000.D3=1000.model.h5 -w ./save/combo.A=relu.B=256.E=4.O=adam.LR=None.CF=e.DF=d.wu_lr.re_lr.L1000.D1=1000.D2=1000.D3=1000.weights.h5 # Need to revisit combo_dose.py and infer_dose.py # python combo_dose.py --use_landmark_genes True -z 256 diff --git a/Pilot1/NT3/abstain_functions.py b/Pilot1/NT3/abstain_functions.py index 01f86b70..339962ea 100644 --- a/Pilot1/NT3/abstain_functions.py +++ b/Pilot1/NT3/abstain_functions.py @@ -45,6 +45,9 @@ 'nargs': '+', 'type': int, 'help': 'list of names corresponding to each task to use'}, + {'name': 'cf_noise', + 'type': str, + 'help': 'input file with cf noise'} ] diff --git a/Pilot1/NT3/nt3.py b/Pilot1/NT3/nt3.py index 9c73ab52..e85f8bf0 100644 --- a/Pilot1/NT3/nt3.py +++ b/Pilot1/NT3/nt3.py @@ -1,9 +1,6 @@ import os -import sys file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import candle @@ -17,14 +14,22 @@ 'type': float}, {'name': 'feature_col', 'type': int}, + {'name': 'sample_ids', + 'type': int}, {'name': 'feature_threshold', 'type': float}, {'name': 'add_noise', 'type': candle.str2bool}, {'name': 'noise_correlated', 'type': candle.str2bool}, + {'name': 'noise_column', + 'type': candle.str2bool}, + {'name': 'noise_cluster', + 'type': candle.str2bool}, {'name': 'noise_gaussian', - 'type': candle.str2bool} + 'type': candle.str2bool}, + {'name': 'noise_type', + 'type': str} ] required = [ @@ -63,4 +68,4 @@ def set_locals(self): self.required = set(required) if additional_definitions is not None: self.additional_definitions = self.additional_definitions + additional_definitions - print(self.additional_definitions) + # print(self.additional_definitions) diff --git a/Pilot1/NT3/nt3_abstention_keras2.py b/Pilot1/NT3/nt3_abstention_keras2.py index e9cafc37..7563d258 100644 --- a/Pilot1/NT3/nt3_abstention_keras2.py +++ b/Pilot1/NT3/nt3_abstention_keras2.py @@ -7,7 +7,7 @@ from tensorflow.keras import backend as K from tensorflow.keras.layers import Dense, Dropout, Activation, Conv1D, MaxPooling1D, Flatten, LocallyConnected1D -from tensorflow.keras.models import Sequential, model_from_json, model_from_yaml +from tensorflow.keras.models import Sequential, model_from_json from tensorflow.keras.utils import to_categorical from tensorflow.keras.callbacks import CSVLogger, ReduceLROnPlateau @@ -34,6 +34,7 @@ def set_locals(self): self.required = set(bmk.required) if additional_definitions is not None: self.additional_definitions = abs_definitions + bmk.additional_definitions + # print("Additional definitions:", self.additional_definitions) def initialize_parameters(default_model='nt3_noise_model.txt'): @@ -67,11 +68,8 @@ def load_data(train_path, test_path, gParameters): df_y_train = df_train[:, 0].astype('int') df_y_test = df_test[:, 0].astype('int') - # only training set has noise Y_train = to_categorical(df_y_train, gParameters['classes']) Y_test = to_categorical(df_y_test, gParameters['classes']) -# Y_train, y_train_noise_gen = candle.label_flip(df_y_train, gParameters['label_noise']) -# Y_test, y_test_noise_gen = candle.label_flip(df_y_test, gParameters['label_noise']) df_x_train = df_train[:, 1:seqlen].astype(np.float32) df_x_test = df_test[:, 1:seqlen].astype(np.float32) @@ -86,29 +84,11 @@ def load_data(train_path, test_path, gParameters): X_train = mat[:X_train.shape[0], :] X_test = mat[X_train.shape[0]:, :] - # check if noise is on - if gParameters['add_noise']: - # check if we want noise correlated with a feature - if gParameters['noise_correlated']: - Y_train, y_train_noise_gen = candle.label_flip_correlated(Y_train, - gParameters['label_noise'], X_train, - gParameters['feature_col'], - gParameters['feature_threshold']) - # else add uncorrelated noise - else: - Y_train, y_train_noise_gen = candle.label_flip(Y_train, gParameters['label_noise']) - # check if noise is on for RNA-seq data - elif gParameters['noise_gaussian']: - print("adding gnoise", gParameters['std_dev']) - X_train = candle.add_gaussian_noise(X_train, 0, gParameters['std_dev']) - return X_train, Y_train, X_test, Y_test def run(gParameters): - print('Params:', gParameters) - file_train = gParameters['train_data'] file_test = gParameters['test_data'] url = gParameters['data_url'] @@ -118,6 +98,9 @@ def run(gParameters): X_train, Y_train, X_test, Y_test = load_data(train_file, test_file, gParameters) + # only training set has noise + X_train, Y_train = candle.add_noise(X_train, Y_train, gParameters) + # add extra class for abstention # first reverse the to_categorical Y_train = np.argmax(Y_train, axis=1) @@ -265,9 +248,9 @@ def run(gParameters): # path = '{}/{}.autosave.model.h5'.format(output_dir, model_name) # checkpointer = ModelCheckpoint(filepath=path, verbose=1, save_weights_only=False, save_best_only=True) csv_logger = CSVLogger('{}/training.log'.format(output_dir)) - reduce_lr = ReduceLROnPlateau(monitor='abs_crossentropy', + reduce_lr = ReduceLROnPlateau(monitor='val_loss', factor=0.1, patience=10, verbose=1, mode='auto', - epsilon=0.0001, cooldown=0, min_lr=0) + min_delta=0.0001, cooldown=0, min_lr=0) candleRemoteMonitor = candle.CandleRemoteMonitor(params=gParameters) timeoutMonitor = candle.TerminateOnTimeOut(gParameters['timeout']) @@ -304,11 +287,6 @@ def run(gParameters): with open("{}/{}.model.json".format(output_dir, model_name), "w") as json_file: json_file.write(model_json) - # serialize model to YAML - model_yaml = model.to_yaml() - with open("{}/{}.model.yaml".format(output_dir, model_name), "w") as yaml_file: - yaml_file.write(model_yaml) - # serialize weights to HDF5 model.save_weights("{}/{}.weights.h5".format(output_dir, model_name)) print("Saved model to disk") @@ -319,12 +297,6 @@ def run(gParameters): json_file.close() loaded_model_json = model_from_json(loaded_model_json) - # load yaml and create model - yaml_file = open('{}/{}.model.yaml'.format(output_dir, model_name), 'r') - loaded_model_yaml = yaml_file.read() - yaml_file.close() - loaded_model_yaml = model_from_yaml(loaded_model_yaml) - # load weights into new model loaded_model_json.load_weights('{}/{}.weights.h5'.format(output_dir, model_name)) print("Loaded json model from disk") @@ -340,21 +312,6 @@ def run(gParameters): print("json %s: %.2f%%" % (loaded_model_json.metrics_names[1], score_json[1] * 100)) - # load weights into new model - loaded_model_yaml.load_weights('{}/{}.weights.h5'.format(output_dir, model_name)) - print("Loaded yaml model from disk") - - # evaluate loaded model on test data - loaded_model_yaml.compile(loss=gParameters['loss'], - optimizer=gParameters['optimizer'], - metrics=[gParameters['metrics']]) - score_yaml = loaded_model_yaml.evaluate(X_test, Y_test, verbose=0) - - print('yaml Test score:', score_yaml[0]) - print('yaml Test accuracy:', score_yaml[1]) - - print("yaml %s: %.2f%%" % (loaded_model_yaml.metrics_names[1], score_yaml[1] * 100)) - return history diff --git a/Pilot1/NT3/nt3_baseline_keras2.py b/Pilot1/NT3/nt3_baseline_keras2.py index 4ab49ce7..3eceba0a 100644 --- a/Pilot1/NT3/nt3_baseline_keras2.py +++ b/Pilot1/NT3/nt3_baseline_keras2.py @@ -7,7 +7,7 @@ from tensorflow.keras import backend as K from tensorflow.keras.layers import Dense, Dropout, Activation, Conv1D, MaxPooling1D, Flatten, LocallyConnected1D -from tensorflow.keras.models import Sequential, model_from_json, model_from_yaml +from tensorflow.keras.models import Sequential, model_from_json from tensorflow.keras.utils import to_categorical from tensorflow.keras.callbacks import CSVLogger, ReduceLROnPlateau @@ -48,7 +48,6 @@ def load_data(train_path, test_path, gParameters): df_y_train = df_train[:, 0].astype('int') df_y_test = df_test[:, 0].astype('int') - # only training set has noise Y_train = to_categorical(df_y_train, gParameters['classes']) Y_test = to_categorical(df_y_test, gParameters['classes']) @@ -65,22 +64,6 @@ def load_data(train_path, test_path, gParameters): X_train = mat[:X_train.shape[0], :] X_test = mat[X_train.shape[0]:, :] - # TODO: Add better names for noise boolean, make a featue for both RNA seq and label noise together - # check if noise is on (this is for label) - if gParameters['add_noise']: - # check if we want noise correlated with a feature - if gParameters['noise_correlated']: - Y_train, y_train_noise_gen = candle.label_flip_correlated(Y_train, - gParameters['label_noise'], X_train, - gParameters['feature_col'], - gParameters['feature_threshold']) - # else add uncorrelated noise - else: - Y_train, y_train_noise_gen = candle.label_flip(Y_train, gParameters['label_noise']) - # check if noise is on for RNA-seq data - elif gParameters['noise_gaussian']: - X_train = candle.add_gaussian_noise(X_train, 0, gParameters['std_dev']) - return X_train, Y_train, X_test, Y_test @@ -100,6 +83,9 @@ def run(gParameters): X_train, Y_train, X_test, Y_test = load_data(train_file, test_file, gParameters) + # only training set has noise + X_train, Y_train = candle.add_noise(X_train, Y_train, gParameters) + print('X_train shape:', X_train.shape) print('X_test shape:', X_test.shape) @@ -204,7 +190,7 @@ def run(gParameters): # path = '{}/{}.autosave.model.h5'.format(output_dir, model_name) # checkpointer = ModelCheckpoint(filepath=path, verbose=1, save_weights_only=False, save_best_only=True) csv_logger = CSVLogger('{}/training.log'.format(output_dir)) - reduce_lr = ReduceLROnPlateau(monitor='val_loss', factor=0.1, patience=10, verbose=1, mode='auto', epsilon=0.0001, cooldown=0, min_lr=0) + reduce_lr = ReduceLROnPlateau(monitor='val_loss', factor=0.1, patience=10, verbose=1, mode='auto', min_delta=0.0001, cooldown=0, min_lr=0) candleRemoteMonitor = candle.CandleRemoteMonitor(params=gParameters) timeoutMonitor = candle.TerminateOnTimeOut(gParameters['timeout']) @@ -227,11 +213,6 @@ def run(gParameters): with open("{}/{}.model.json".format(output_dir, model_name), "w") as json_file: json_file.write(model_json) - # serialize model to YAML - model_yaml = model.to_yaml() - with open("{}/{}.model.yaml".format(output_dir, model_name), "w") as yaml_file: - yaml_file.write(model_yaml) - # serialize weights to HDF5 model.save_weights("{}/{}.weights.h5".format(output_dir, model_name)) print("Saved model to disk") @@ -242,12 +223,6 @@ def run(gParameters): json_file.close() loaded_model_json = model_from_json(loaded_model_json) - # load yaml and create model - yaml_file = open('{}/{}.model.yaml'.format(output_dir, model_name), 'r') - loaded_model_yaml = yaml_file.read() - yaml_file.close() - loaded_model_yaml = model_from_yaml(loaded_model_yaml) - # load weights into new model loaded_model_json.load_weights('{}/{}.weights.h5'.format(output_dir, model_name)) print("Loaded json model from disk") @@ -263,21 +238,6 @@ def run(gParameters): print("json %s: %.2f%%" % (loaded_model_json.metrics_names[1], score_json[1] * 100)) - # load weights into new model - loaded_model_yaml.load_weights('{}/{}.weights.h5'.format(output_dir, model_name)) - print("Loaded yaml model from disk") - - # evaluate loaded model on test data - loaded_model_yaml.compile(loss=gParameters['loss'], - optimizer=gParameters['optimizer'], - metrics=[gParameters['metrics']]) - score_yaml = loaded_model_yaml.evaluate(X_test, Y_test, verbose=0) - - print('yaml Test score:', score_yaml[0]) - print('yaml Test accuracy:', score_yaml[1]) - - print("yaml %s: %.2f%%" % (loaded_model_yaml.metrics_names[1], score_yaml[1] * 100)) - return history diff --git a/Pilot1/NT3/nt3_candle_wrappers_baseline_keras2.py b/Pilot1/NT3/nt3_candle_wrappers_baseline_keras2.py index 6ca195a5..036913f4 100644 --- a/Pilot1/NT3/nt3_candle_wrappers_baseline_keras2.py +++ b/Pilot1/NT3/nt3_candle_wrappers_baseline_keras2.py @@ -7,7 +7,7 @@ from tensorflow.keras import backend as K from tensorflow.keras.layers import Dense, Dropout, Activation, Conv1D, MaxPooling1D, Flatten, LocallyConnected1D -from tensorflow.keras.models import Sequential, model_from_json, model_from_yaml +from tensorflow.keras.models import Sequential, model_from_json from tensorflow.keras.utils import to_categorical from tensorflow.keras.callbacks import CSVLogger, ReduceLROnPlateau @@ -51,7 +51,6 @@ def load_data(train_path, test_path, gParameters): df_y_train = df_train[:, 0].astype('int') df_y_test = df_test[:, 0].astype('int') - # only training set has noise Y_train = to_categorical(df_y_train, gParameters['classes']) Y_test = to_categorical(df_y_test, gParameters['classes']) @@ -68,29 +67,11 @@ def load_data(train_path, test_path, gParameters): X_train = mat[:X_train.shape[0], :] X_test = mat[X_train.shape[0]:, :] - # TODO: Add better names for noise boolean, make a featue for both RNA seq and label noise together - # check if noise is on (this is for label) - if gParameters['add_noise']: - # check if we want noise correlated with a feature - if gParameters['noise_correlated']: - Y_train, y_train_noise_gen = candle.label_flip_correlated(Y_train, - gParameters['label_noise'], X_train, - gParameters['feature_col'], - gParameters['feature_threshold']) - # else add uncorrelated noise - else: - Y_train, y_train_noise_gen = candle.label_flip(Y_train, gParameters['label_noise']) - # check if noise is on for RNA-seq data - elif gParameters['noise_gaussian']: - X_train = candle.add_gaussian_noise(X_train, 0, gParameters['std_dev']) - return X_train, Y_train, X_test, Y_test def run(gParameters): - print('Params:', gParameters) - file_train = gParameters['train_data'] file_test = gParameters['test_data'] url = gParameters['data_url'] @@ -100,6 +81,9 @@ def run(gParameters): X_train, Y_train, X_test, Y_test = load_data(train_file, test_file, gParameters) + # only training set has noise + X_train, Y_train = candle.add_noise(X_train, Y_train, gParameters) + print('X_train shape:', X_train.shape) print('X_test shape:', X_test.shape) @@ -222,7 +206,7 @@ def run(gParameters): # path = '{}/{}.autosave.model.h5'.format(output_dir, model_name) # checkpointer = ModelCheckpoint(filepath=path, verbose=1, save_weights_only=False, save_best_only=True) csv_logger = CSVLogger('{}/training.log'.format(output_dir)) - reduce_lr = ReduceLROnPlateau(monitor='val_loss', factor=0.1, patience=10, verbose=1, mode='auto', epsilon=0.0001, cooldown=0, min_lr=0) + reduce_lr = ReduceLROnPlateau(monitor='val_loss', factor=0.1, patience=10, verbose=1, mode='auto', min_delta=0.0001, cooldown=0, min_lr=0) candleRemoteMonitor = candle.CandleRemoteMonitor(params=gParameters) timeoutMonitor = candle.TerminateOnTimeOut(gParameters['timeout']) history = model.fit(X_train, Y_train, @@ -242,11 +226,6 @@ def run(gParameters): with open("{}/{}.model.json".format(output_dir, model_name), "w") as json_file: json_file.write(model_json) - # serialize model to YAML - model_yaml = model.to_yaml() - with open("{}/{}.model.yaml".format(output_dir, model_name), "w") as yaml_file: - yaml_file.write(model_yaml) - # serialize weights to HDF5 model.save_weights("{}/{}.weights.h5".format(output_dir, model_name)) print("Saved model to disk") @@ -257,12 +236,6 @@ def run(gParameters): json_file.close() loaded_model_json = model_from_json(loaded_model_json) - # load yaml and create model - yaml_file = open('{}/{}.model.yaml'.format(output_dir, model_name), 'r') - loaded_model_yaml = yaml_file.read() - yaml_file.close() - loaded_model_yaml = model_from_yaml(loaded_model_yaml) - # load weights into new model loaded_model_json.load_weights('{}/{}.weights.h5'.format(output_dir, model_name)) print("Loaded json model from disk") @@ -278,21 +251,6 @@ def run(gParameters): print("json %s: %.2f%%" % (loaded_model_json.metrics_names[1], score_json[1] * 100)) - # load weights into new model - loaded_model_yaml.load_weights('{}/{}.weights.h5'.format(output_dir, model_name)) - print("Loaded yaml model from disk") - - # evaluate loaded model on test data - loaded_model_yaml.compile(loss=gParameters['loss'], - optimizer=gParameters['optimizer'], - metrics=[gParameters['metrics']]) - score_yaml = loaded_model_yaml.evaluate(X_test, Y_test, verbose=0) - - print('yaml Test score:', score_yaml[0]) - print('yaml Test accuracy:', score_yaml[1]) - - print("yaml %s: %.2f%%" % (loaded_model_yaml.metrics_names[1], score_yaml[1] * 100)) - return history diff --git a/Pilot1/NT3/nt3_default_model.txt b/Pilot1/NT3/nt3_default_model.txt index 61f00b4d..708b7051 100644 --- a/Pilot1/NT3/nt3_default_model.txt +++ b/Pilot1/NT3/nt3_default_model.txt @@ -20,10 +20,14 @@ output_dir = '.' add_noise = False label_noise = 0.3 noise_correlated = False +noise_cluster = False +noise_column = False +noise_type = 'gaussian' feature_col = 50 feature_threshold = 0.01 noise_gaussian = False std_dev = 0.5 timeout = 3600 ckpt_restart_mode = 'off' +ckpt_save_interval = 0 ckpt_checksum = True diff --git a/Pilot1/NT3/nt3_noise_model.txt b/Pilot1/NT3/nt3_noise_model.txt index 88c5f19d..6c8f1d73 100644 --- a/Pilot1/NT3/nt3_noise_model.txt +++ b/Pilot1/NT3/nt3_noise_model.txt @@ -3,14 +3,14 @@ data_url = 'http://ftp.mcs.anl.gov/pub/candle/public/benchmarks/Pilot1/normal-tu train_data = 'nt_train2.csv' test_data = 'nt_test2.csv' model_name = 'nt3' -conv = [64, 20, 1, 64, 10, 1] +conv = [128, 20, 1, 128, 10, 1] dense = [200,20] activation = 'elu' out_activation = 'softmax' loss = 'categorical_crossentropy' optimizer = 'sgd' metrics = 'accuracy' -epochs = 100 +epochs = 200 batch_size = 16 learning_rate = 0.002 dropout = 0.0 @@ -18,18 +18,24 @@ classes = 2 pool = [1, 10] output_dir = '.' timeout = 3600 -add_noise = True -noise_correlated = True +add_noise = False +noise_correlated = False +noise_gaussian = True +noise_cluster = False +noise_column = False +noise_type = 'gaussian' +std_dev = 0.5 label_noise = 0.3 -feature_col = 1000 +feature_col = [ 8570, 9054, 11206, 11493, 12122, 12660, 14837, 16467, 18122, 24384, 30810, 34180, 36520, 38698, 42393, 45322, 48671, 52177, 53259, 55111, 58261, 58361, 59900] +sample_ids = [ 1, 2, 3, 4, 7, 10, 15, 33, 38, 39, 40, 41, 45, 53, 55, 56, 58, 62, 63, 64, 65, 70, 75, 77, 80, 89, 90, 93, 95, 99, 102, 103, 104, 113, 116, 117, 126, 133, 143, 145, 149, 152, 154, 157, 161, 164, 168, 169, 170, 175, 181, 183, 184, 187, 189, 191, 200, 202, 203, 206, 213, 217, 218, 220, 223, 228, 233, 235, 237, 244, 249, 255, 257, 259, 261, 262, 264, 265, 267, 268, 273, 280, 282, 283, 289, 290, 292, 294, 295, 297, 303, 304, 305, 309, 310, 311, 317, 321, 322, 323, 324, 327, 328, 330, 331, 332, 334, 335, 336, 337, 339, 340, 342, 351, 353, 354, 360, 363, 364, 365, 368, 378, 379, 380, 381, 383, 384, 387, 390, 395, 398, 403, 405, 407, 414, 415, 432, 434, 435, 438, 441, 451, 453, 455, 456, 457, 459, 462, 464, 465, 467, 468, 469, 470, 471, 472, 473, 476, 479, 482, 484, 486, 488, 489, 493, 497, 499, 503, 506, 511, 514, 517, 518, 521, 524, 525, 529, 530, 531, 532, 534, 539, 540, 543, 544, 547, 549, 550, 551, 559, 560, 563, 572, 574, 575, 577, 580, 582, 585, 589, 591, 595, 597, 600, 601, 606, 607, 609, 615, 623, 628, 629, 631, 637, 643, 645, 646, 647, 649, 651, 653, 667, 674, 677, 679, 685, 687, 689, 692, 693, 696, 698, 702, 703, 706, 707, 711, 712, 714, 721, 722, 724, 728, 729, 731, 733, 741, 743, 745, 747, 751, 754, 755, 759, 760, 761, 765, 768, 770, 771, 780, 781, 792, 793, 802, 806, 810, 812, 817, 818, 820, 822, 824, 827, 828, 832, 835, 842, 848, 851, 852, 854, 855, 861, 863, 864, 871, 875, 877, 881, 883, 885, 888, 892, 893, 900, 902, 905, 908, 910, 911, 916, 922, 923, 924, 932, 940, 941, 942, 950, 953, 957, 958, 960, 962, 968, 971, 976, 978, 979, 993, 994, 995, 1006, 1008, 1009, 1013, 1015, 1018, 1025, 1033, 1034, 1036, 1039, 1041, 1048, 1052, 1053, 1058, 1062, 1068, 1075, 1076, 1078, 1079, 1082, 1083, 1089, 1091, 1093, 1103, 1105, 1106, 1115, 1118, 1119] feature_threshold = 0.01 shuffle = False -acc_gain = 0.5 +acc_gain = 1.5 abs_gain = 0.5 min_acc = 0.99 max_abs = 0.30 alpha = 0.3 -alpha_scale_factor = 0.95 -init_abs_epoch = 2 +alpha_scale_factor = 0.8 +init_abs_epoch = 5 task_list = 0 -task_names = ['activation_5'] +task_names = ['activation_4'] diff --git a/Pilot1/NT3/nt3_perf_bench_model.txt b/Pilot1/NT3/nt3_perf_bench_model.txt index 41af2c32..f7df59a6 100644 --- a/Pilot1/NT3/nt3_perf_bench_model.txt +++ b/Pilot1/NT3/nt3_perf_bench_model.txt @@ -5,6 +5,7 @@ test_data = 'nt_test2.csv' model_name = 'nt3' conv = [128, 20, 1, 128, 10, 1] dense = [200,20] +pool = [1, 10] activation = 'relu' out_activation = 'softmax' loss = 'categorical_crossentropy' @@ -15,6 +16,6 @@ batch_size = 5 learning_rate = 0.001 dropout = 0.1 classes = 2 -pool = [1, 10] output_dir = '.' +add_noise = False timeout = 7200 diff --git a/Pilot1/NT3/test.sh b/Pilot1/NT3/test.sh index 11db9499..28ac1144 100755 --- a/Pilot1/NT3/test.sh +++ b/Pilot1/NT3/test.sh @@ -1,5 +1,7 @@ #!/bin/bash +set -x + python nt3_baseline_keras2.py -e 2 # python nt3_baseline_keras2_tensorrt.py -e 2 python nt3_abstention_keras2.py -e 2 diff --git a/Pilot1/P1B1/p1b1.py b/Pilot1/P1B1/p1b1.py index eb35c2dc..3bf84a31 100644 --- a/Pilot1/P1B1/p1b1.py +++ b/Pilot1/P1B1/p1b1.py @@ -1,7 +1,6 @@ from __future__ import print_function import os -import sys import logging import pandas as pd @@ -11,8 +10,6 @@ from scipy.stats.stats import pearsonr file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import candle diff --git a/Pilot1/P1B1/test.sh b/Pilot1/P1B1/test.sh index 8af81f13..7f591aa7 100755 --- a/Pilot1/P1B1/test.sh +++ b/Pilot1/P1B1/test.sh @@ -1 +1,2 @@ +set -x python p1b1_baseline_keras2.py --use_landmark_genes True --train_samples 100 --epochs 5 diff --git a/Pilot1/P1B2/p1b2.py b/Pilot1/P1B2/p1b2.py index 4f3036c1..f9b0d1a3 100644 --- a/Pilot1/P1B2/p1b2.py +++ b/Pilot1/P1B2/p1b2.py @@ -5,14 +5,9 @@ from sklearn.metrics import accuracy_score import os -import sys import logging file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..', 'common')) -sys.path.append(lib_path) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import candle diff --git a/Pilot1/P1B2/test.sh b/Pilot1/P1B2/test.sh index fbd43711..a2506ee0 100755 --- a/Pilot1/P1B2/test.sh +++ b/Pilot1/P1B2/test.sh @@ -1 +1,2 @@ +set -x python p1b2_baseline_keras2.py --epochs 3 diff --git a/Pilot1/P1B3/p1b3.py b/Pilot1/P1B3/p1b3.py index 21d2e6bd..c42cfeab 100644 --- a/Pilot1/P1B3/p1b3.py +++ b/Pilot1/P1B3/p1b3.py @@ -18,14 +18,12 @@ from sklearn.preprocessing import StandardScaler, MinMaxScaler, MaxAbsScaler file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..')) -sys.path.append(lib_path) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import candle logger = logging.getLogger(__name__) +logger.setLevel(logging.INFO) +logger.addHandler(logging.StreamHandler(sys.stdout)) # Number of data generator workers WORKERS = 1 @@ -258,7 +256,7 @@ def load_cellline_expressions(path, dtype, ncols=None, scaling='std'): df1 = df1.map(lambda x: x.replace('.', ':')) df1.name = 'CELLNAME' - df2 = df.drop('CellLine', 1) + df2 = df.drop('CellLine', axis=1) total = df2.shape[1] if ncols and ncols < total: @@ -296,7 +294,7 @@ def load_cellline_mirna(path, dtype, ncols=None, scaling='std'): df1 = df1.map(lambda x: x.replace('.', ':')) df1.name = 'CELLNAME' - df2 = df.drop('CellLine', 1) + df2 = df.drop('CellLine', axis=1) total = df2.shape[1] if ncols and ncols < total: @@ -381,7 +379,7 @@ def load_drug_descriptors(path, dtype, ncols=None, scaling='std'): df1 = pd.DataFrame(df.loc[:, 'NAME']) df1.rename(columns={'NAME': 'NSC'}, inplace=True) - df2 = df.drop('NAME', 1) + df2 = df.drop('NAME', axis=1) # # Filter columns if requested @@ -419,7 +417,7 @@ def load_drug_autoencoded(path, dtype, ncols=None, scaling='std'): df = pd.read_csv(path, engine='c', converters={'NSC': str}, dtype=dtype) df1 = pd.DataFrame(df.loc[:, 'NSC']) - df2 = df.drop('NSC', 1) + df2 = df.drop('NSC', axis=1) total = df2.shape[1] if ncols and ncols < total: @@ -735,7 +733,7 @@ def flow(self): elif fea == 'noise': df = df.merge(self.data.df_drug_rand, on='NSC') - df = df.drop(['CELLNAME', 'NSC'], 1) + df = df.drop(['CELLNAME', 'NSC'], axis=1) x = np.array(df.iloc[:, 1:]) if self.cell_noise_sigma: diff --git a/Pilot1/P1B3/p1b3_baseline_keras2.py b/Pilot1/P1B3/p1b3_baseline_keras2.py index e1765053..e4aa6b46 100644 --- a/Pilot1/P1B3/p1b3_baseline_keras2.py +++ b/Pilot1/P1B3/p1b3_baseline_keras2.py @@ -137,7 +137,7 @@ def on_epoch_end(self, batch, logs={}): class MyProgbarLogger(ProgbarLogger): def __init__(self, samples): - super(MyProgbarLogger, self).__init__(count_mode='samples') + super(MyProgbarLogger, self).__init__(count_mode='steps') self.samples = samples self.params = {} diff --git a/Pilot1/P1B3/test.sh b/Pilot1/P1B3/test.sh index 03cf635e..16b2e950 100755 --- a/Pilot1/P1B3/test.sh +++ b/Pilot1/P1B3/test.sh @@ -1,2 +1,3 @@ +set -x python p1b3_baseline_keras2.py --feature_subsample 500 -e 5 --train_steps 100 --val_steps 10 --test_steps 10 python p1b3_baseline_keras2.py --conf p1b3_conv_model.txt -e 5 --train_steps 100 --val_steps 10 --test_steps 10 diff --git a/Pilot1/ST1/README.md b/Pilot1/ST1/README.md new file mode 100644 index 00000000..7c0e668f --- /dev/null +++ b/Pilot1/ST1/README.md @@ -0,0 +1,182 @@ +# Simple transformers for classification and regression using SMILE string input + +## Introduction +The ST1 benchmark represent two versions of a simple transformer, one that can perform regression and the other classification. We chose the transformer architecture to see if we could train directly on SMILE strings. This benchmark brings novel capability to the suite of Pilot1 benchmarks in two ways. First, the featureization of a small molecule is simply its SMILE string. The second novel aspect to the set of Pilot1 benchmarks is that the model is based on the Transformer architecture, albeit this benchmark is a simpler version of the large Transformer models that train on billions and greater parameters. + +Both the original code and the CANDLE versions are available. The original examples are retained and can be run as noted below. The CANDLE versions make use of the common network design in `smiles_transformer.py`, and implement the models in `sct_baseline_keras2.py` and `srt_baseline_keras2.py`, for classification and regression, respectively. + +The example classification problem takes as input SMILE strings and trains a model to predict whether or not a compound is 'drug-like' based on Lipinski criteria. The example regression problem takes as input SMILE strings and trains a model to predict the molecular weight. Data are freely downloadable and automatically downloaded by the CANDLE versions. + +For the CANDLE versions, all the relevant arguments are contained in the respective default model files. All variables can be overwritten from the command line. The datasets will be automatically downloaded and stored in the `../../Data/Pilot1 directory`. The respective default model files and commands to invoke the classifier and regressor are: +``` +class_default_model.txt +python sct_baseline_keras2.py +``` +and + +``` +regress_default_model.txt +python srt_baseline_keras2.py +``` + +## Running the original versions +The original code demonstrating a simple transformer regressor and a simple transformer classifier are available as +``` +smiles_regress_transformer.py +``` +and + +``` +smiles_class_transformer.py +``` + +The example data sets are the same as for the CANDLE versions, and allow one to predict whether a small molecule is "drug-like" based on Lipinski criteria (classification problem), or predict the molecular weight (regression) from a SMILE string as input. +The example data sets are downloadable using the information in the `regress_default_model.txt` or `class_default_model.txt` files. +These data files must be downloaded manually and specified on the command line for execution of the original versions. + +``` +# for regression +train_data = https://ftp.mcs.anl.gov/pub/candle/public/benchmarks/Examples/xform-smiles-data/chm.weight.trn.csv +val_data = https://ftp.mcs.anl.gov/pub/candle/public/benchmarks/Examples/xform-smiles-data/chm.weight.val.csv + + +# for classification +train_data = https://ftp.mcs.anl.gov/pub/candle/public/benchmarks/Examples/xform-smiles-data/chm.lipinski.trn.csv +val_data = https://ftp.mcs.anl.gov/pub/candle/public/benchmarks/Examples/xform-smiles-data/chm.lipinski.val.csv +``` + +To run the models +``` +CUDA_VISIBLE_DEVICES=1 python smiles_class_transformer.py --in_train chm.lipinski.trn.csv --in_vali chm.lipinski.val.csv --ep 25 +``` +or + +``` +CUDA_VISIBLE_DEVICES=0 python smiles_regress_transformer.py --in_train chm.weight.trn.csv --in_vali chm.weight.val.csv --ep 25 +``` +The model with the best validation loss is saved in the .h5 dumps. Log files contain the trace. Regression output should look something like this. +``` +Epoch 1/25 +2022-03-21 12:53:11.402337: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcublas.so.10 +46875/46875 [==============================] - 4441s 95ms/step - loss: 11922.3690 - mae: 77.4828 - r2: 0.3369 - val_loss: 1460.3314 - val_mae: 21.4797 - val_r2: 0.9164 + +Epoch 00001: val_loss improved from inf to 1460.33142, saving model to smile_regress.autosave.model.h5 +Epoch 2/25 +46875/46875 [==============================] - 4431s 95ms/step - loss: 5460.8232 - mae: 55.1082 - r2: 0.6845 - val_loss: 1451.3109 - val_mae: 27.5647 - val_r2: 0.9163 + +Epoch 00002: val_loss improved from 1460.33142 to 1451.31091, saving model to smile_regress.autosave.model.h5 +Epoch 3/25 +46875/46875 [==============================] - 4428s 94ms/step - loss: 5007.1718 - mae: 52.5552 - r2: 0.7112 - val_loss: 1717.9198 - val_mae: 31.0688 - val_r2: 0.9004 + +Epoch 00003: val_loss did not improve from 1451.31091 +Epoch 4/25 +46875/46875 [==============================] - 4419s 94ms/step - loss: 4844.3624 - mae: 51.5771 - r2: 0.7206 - val_loss: 1854.3645 - val_mae: 35.4912 - val_r2: 0.8908 + +Epoch 00004: val_loss did not improve from 1451.31091 +Epoch 5/25 +46875/46875 [==============================] - 4715s 101ms/step - loss: 4754.6214 - mae: 51.0409 - r2: 0.7277 - val_loss: 1404.8254 - val_mae: 25.8863 - val_r2: 0.9200 + +Epoch 00005: val_loss improved from 1451.31091 to 1404.82544, saving model to smile_regress.autosave.model.h5 +Epoch 6/25 +46875/46875 [==============================] - 4474s 95ms/step - loss: 4679.2172 - mae: 50.7018 - r2: 0.7314 - val_loss: 1353.6165 - val_mae: 23.1900 - val_r2: 0.9252 + +Epoch 00006: val_loss improved from 1404.82544 to 1353.61646, saving model to smile_regress.autosave.model.h5 +Epoch 7/25 +46875/46875 [==============================] - 4421s 94ms/step - loss: 4585.5881 - mae: 50.3534 - r2: 0.7359 - val_loss: 1312.0532 - val_mae: 27.0301 - val_r2: 0.9234 + +Epoch 00007: val_loss improved from 1353.61646 to 1312.05322, saving model to smile_regress.autosave.model.h5 +Epoch 8/25 +46875/46875 [==============================] - 4420s 94ms/step - loss: 4587.0872 - mae: 50.2153 - r2: 0.7348 - val_loss: 1064.2247 - val_mae: 19.8623 - val_r2: 0.9399 + +Epoch 00008: val_loss improved from 1312.05322 to 1064.22473, saving model to smile_regress.autosave.model.h5 +Epoch 9/25 +46875/46875 [==============================] - 4423s 94ms/step - loss: 4587.0479 - mae: 50.0801 - r2: 0.7369 - val_loss: 1592.4563 - val_mae: 29.7814 - val_r2: 0.9085 + +Epoch 00009: val_loss did not improve from 1064.22473 +Epoch 10/25 +46875/46875 [==============================] - 4425s 94ms/step - loss: 4558.5997 - mae: 49.9495 - r2: 0.7383 - val_loss: 1683.6605 - val_mae: 33.6503 - val_r2: 0.9023 + +Epoch 00010: val_loss did not improve from 1064.22473 +Epoch 11/25 +46875/46875 [==============================] - 4422s 94ms/step - loss: 4546.4993 - mae: 49.8544 - r2: 0.7401 - val_loss: 950.7401 - val_mae: 17.9388 - val_r2: 0.9465 + +Epoch 00011: val_loss improved from 1064.22473 to 950.74005, saving model to smile_regress.autosave.model.h5 +Epoch 12/25 +46875/46875 [==============================] - 4425s 94ms/step - loss: 4442.8416 - mae: 49.5132 - r2: 0.7436 - val_loss: 1060.0773 - val_mae: 18.5870 - val_r2: 0.9397 + +Epoch 00012: val_loss did not improve from 950.74005 +Epoch 13/25 +46875/46875 [==============================] - 4429s 94ms/step - loss: 4481.1873 - mae: 49.5325 - r2: 0.7434 - val_loss: 878.7765 - val_mae: 14.4166 - val_r2: 0.9515 + +Epoch 00013: val_loss improved from 950.74005 to 878.77649, saving model to smile_regress.autosave.model.h5 +Epoch 14/25 +46875/46875 [==============================] - 4428s 94ms/step - loss: 4474.0927 - mae: 49.4286 - r2: 0.7445 - val_loss: 1116.5386 - val_mae: 23.1262 - val_r2: 0.9360 + +Epoch 00014: val_loss did not improve from 878.77649 +Epoch 15/25 +46875/46875 [==============================] - 4422s 94ms/step - loss: 4426.6833 - mae: 49.2094 - r2: 0.7446 - val_loss: 883.4428 - val_mae: 13.1046 - val_r2: 0.9507 + +Epoch 00015: val_loss did not improve from 878.77649 +Epoch 16/25 +46875/46875 [==============================] - 4416s 94ms/step - loss: 4386.3840 - mae: 49.0872 - r2: 0.7476 - val_loss: 981.3953 - val_mae: 14.7772 - val_r2: 0.9451 + +Epoch 00016: val_loss did not improve from 878.77649 +Epoch 17/25 +46875/46875 [==============================] - 4423s 94ms/step - loss: 4384.2891 - mae: 49.0281 - r2: 0.7464 - val_loss: 887.1695 - val_mae: 14.6686 - val_r2: 0.9506 + +Epoch 00017: val_loss did not improve from 878.77649 +Epoch 18/25 +46875/46875 [==============================] - 4417s 94ms/step - loss: 4398.2363 - mae: 48.9583 - r2: 0.7487 - val_loss: 849.0564 - val_mae: 12.2192 - val_r2: 0.9528 + +Epoch 00018: val_loss improved from 878.77649 to 849.05640, saving model to smile_regress.autosave.model.h5 +Epoch 19/25 +46875/46875 [==============================] - 4422s 94ms/step - loss: 4350.2122 - mae: 48.8221 - r2: 0.7505 - val_loss: 847.2310 - val_mae: 13.4015 - val_r2: 0.9533 + +Epoch 00019: val_loss improved from 849.05640 to 847.23096, saving model to smile_regress.autosave.model.h5 +Epoch 20/25 +46875/46875 [==============================] - 4428s 94ms/step - loss: 4346.0122 - mae: 48.7704 - r2: 0.7513 - val_loss: 964.1797 - val_mae: 17.7863 - val_r2: 0.9453 + +Epoch 00020: val_loss did not improve from 847.23096 +Epoch 21/25 +46875/46875 [==============================] - 4424s 94ms/step - loss: 4293.9141 - mae: 48.5882 - r2: 0.7521 - val_loss: 800.8525 - val_mae: 12.8857 - val_r2: 0.9556 + +Epoch 00021: val_loss improved from 847.23096 to 800.85254, saving model to smile_regress.autosave.model.h5 +Epoch 22/25 +46875/46875 [==============================] - 4427s 94ms/step - loss: 4323.8214 - mae: 48.5665 - r2: 0.7524 - val_loss: 835.3901 - val_mae: 14.5708 - val_r2: 0.9534 + +Epoch 00022: val_loss did not improve from 800.85254 +Epoch 23/25 +46875/46875 [==============================] - 4429s 94ms/step - loss: 4311.1271 - mae: 48.5622 - r2: 0.7528 - val_loss: 820.6389 - val_mae: 14.3753 - val_r2: 0.9547 + +Epoch 00023: val_loss did not improve from 800.85254 +Epoch 24/25 +46875/46875 [==============================] - 4427s 94ms/step - loss: 4286.2930 - mae: 48.3628 - r2: 0.7548 - val_loss: 815.2863 - val_mae: 12.7142 - val_r2: 0.9549 + +Epoch 00024: val_loss did not improve from 800.85254 +Epoch 25/25 +46875/46875 [==============================] - 4422s 94ms/step - loss: 4259.8291 - mae: 48.3112 - r2: 0.7556 - val_loss: 813.1475 - val_mae: 12.2975 - val_r2: 0.9564 + +Epoch 00025: val_loss did not improve from 800.85254 +``` + + +## Example classification problem metrics +CHEMBL -- 1.5M training examples +Predicting Lipinski criteria for drug likeness (1/0) +Validation 100K samples non-overlapping +Classification validation accuracy is about 91% after 10-20 epochs + +## Example regression problem metrics +CHEMBL -- 1.5M training examples (shuffled and resampled so not same 1.5M as classification) +Predicting molecular Weight validation +Is also 100K samples non-overlapping. +Regression problem achieves R^2 about .95 after ~20 epochs. + + + + + + + + + diff --git a/Pilot1/ST1/class_default_model.txt b/Pilot1/ST1/class_default_model.txt new file mode 100644 index 00000000..63ad4a94 --- /dev/null +++ b/Pilot1/ST1/class_default_model.txt @@ -0,0 +1,20 @@ +[Global_Params] +data_url = "https://ftp.mcs.anl.gov/pub/candle/public/benchmarks/Examples/xform-smiles-data/" +train_data = 'chm.lipinski.trn.csv' +val_data = 'chm.lipinski.val.csv' +dropout = 0.1 +dense = [1024, 256, 64, 16] +activation = 'relu' +out_layer = 2 +out_activation = 'softmax' +transformer_depth = 4 +embed_dim = 128 +ff_dim = 128 +maxlen = 250 +num_heads = 16 +vocab_size = 40000 +epochs = 400 +batch_size = 32 +loss = 'sparse_categorical_crossentropy' +learning_rate = 0.000001 +optimizer = 'adam' diff --git a/Pilot1/ST1/regress_default_model.txt b/Pilot1/ST1/regress_default_model.txt new file mode 100644 index 00000000..56417085 --- /dev/null +++ b/Pilot1/ST1/regress_default_model.txt @@ -0,0 +1,20 @@ +[Global_Params] +data_url = "https://ftp.mcs.anl.gov/pub/candle/public/benchmarks/Examples/xform-smiles-data/" +train_data = 'chm.weight.trn.csv' +val_data = 'chm.weight.val.csv' +dropout = 0.1 +dense = [1024, 256, 64, 16] +activation = 'relu' +out_layer = 1 +out_activation = 'relu' +transformer_depth = 4 +embed_dim = 128 +ff_dim = 128 +maxlen = 250 +num_heads = 16 +vocab_size = 40000 +epochs = 400 +batch_size = 32 +loss = 'mean_squared_error' +optimizer = 'adam' +learning_rate = 0.001 diff --git a/Pilot1/ST1/regress_docking_model.txt b/Pilot1/ST1/regress_docking_model.txt new file mode 100644 index 00000000..9252ebcf --- /dev/null +++ b/Pilot1/ST1/regress_docking_model.txt @@ -0,0 +1,19 @@ +[Global_Params] +data_url = "https://ftp.mcs.anl.gov/pub/candle/public/benchmarks/Examples/xform-smiles-data/" +train_data = 'Nsp13.helicase_m1_pocket2.train' +val_data = 'Nsp13.helicase_m1_pocket2.val' +dropout = 0.1 +dense = [1024, 256, 64, 16] +activation = 'relu' +out_layer = 1 +out_activation = 'relu' +transformer_depth = 4 +embed_dim = 128 +ff_dim = 128 +maxlen = 250 +num_heads = 16 +vocab_size = 40000 +epochs = 400 +batch_size = 32 +loss = 'mean_squared_error' +optimizer='Adam' diff --git a/Pilot1/ST1/sct_baseline_keras2.py b/Pilot1/ST1/sct_baseline_keras2.py new file mode 100644 index 00000000..80b06387 --- /dev/null +++ b/Pilot1/ST1/sct_baseline_keras2.py @@ -0,0 +1,70 @@ +# Setup + +import os + +from tensorflow.keras import backend as K +from tensorflow.keras.callbacks import ModelCheckpoint, CSVLogger, ReduceLROnPlateau, EarlyStopping + +file_path = os.path.dirname(os.path.realpath(__file__)) + +import candle +import smiles_transformer as st + + +def initialize_parameters(default_model='class_default_model.txt'): + + # Build benchmark object + sctBmk = st.BenchmarkST(st.file_path, default_model, 'keras', + prog='sct_baseline', + desc='Transformer model for SMILES classification') + + # Initialize parameters + gParameters = candle.finalize_parameters(sctBmk) + + return gParameters + + +# Train and Evaluate + +def run(params): + + x_train, y_train, x_val, y_val = st.load_data(params) + + model = st.transformer_model(params) + + kerasDefaults = candle.keras_default_config() + + optimizer = candle.build_optimizer(params['optimizer'], params['learning_rate'], kerasDefaults) + + model.compile(loss=params['loss'], + optimizer=optimizer, + metrics=['accuracy']) + + # set up a bunch of callbacks to do work during model training.. + + checkpointer = ModelCheckpoint(filepath='smile_class.autosave.model.h5', verbose=1, save_weights_only=True, save_best_only=True) + csv_logger = CSVLogger('smile_class.training.log') + reduce_lr = ReduceLROnPlateau(monitor='val_loss', factor=0.75, patience=20, verbose=1, mode='auto', epsilon=0.0001, cooldown=3, min_lr=0.000000001) + early_stop = EarlyStopping(monitor='val_loss', patience=100, verbose=1, mode='auto') + + history = model.fit(x_train, y_train, + batch_size=params['batch_size'], + epochs=params['epochs'], + verbose=1, + validation_data=(x_val, y_val), + callbacks=[checkpointer, csv_logger, reduce_lr, early_stop]) + + model.load_weights('smile_class.autosave.model.h5') + + return history + + +def main(): + params = initialize_parameters() + run(params) + + +if __name__ == '__main__': + main() + if K.backend() == 'tensorflow': + K.clear_session() diff --git a/Pilot1/ST1/smiles_class_transformer.py b/Pilot1/ST1/smiles_class_transformer.py new file mode 100644 index 00000000..c90ee465 --- /dev/null +++ b/Pilot1/ST1/smiles_class_transformer.py @@ -0,0 +1,171 @@ +# Setup + +import pandas as pd +import os +import argparse + +import matplotlib +matplotlib.use('Agg') + +import tensorflow as tf + +from tensorflow import keras +from tensorflow.keras import backend as K +from tensorflow.keras.optimizers import Adam +from tensorflow.keras.callbacks import ModelCheckpoint, CSVLogger, ReduceLROnPlateau, EarlyStopping +from tensorflow.keras import layers +from tensorflow.keras.preprocessing import sequence +from tensorflow.keras.preprocessing import text + +file_path = os.path.dirname(os.path.realpath(__file__)) + +psr = argparse.ArgumentParser(description='input csv file') +psr.add_argument('--in_train', default='in_train') +psr.add_argument('--in_vali', default='in_vali') +psr.add_argument('--ep', type=int, default=400) +args = vars(psr.parse_args()) +print(args) + +EPOCH = args['ep'] +BATCH = 32 + +data_path_train = args['in_train'] +data_path_vali = args['in_vali'] + +DR = 0.1 # Dropout rate + +# define r2 for reporting + + +def r2(y_true, y_pred): + SS_res = K.sum(K.square(y_true - y_pred)) + SS_tot = K.sum(K.square(y_true - K.mean(y_true))) + return (1 - SS_res / (SS_tot + K.epsilon())) + +# Implement a Transformer block as a layer + + +class TransformerBlock(layers.Layer): + def __init__(self, embed_dim, num_heads, ff_dim, rate=0.1): + super(TransformerBlock, self).__init__() + self.att = layers.MultiHeadAttention(num_heads=num_heads, key_dim=embed_dim) + self.ffn = keras.Sequential( + [layers.Dense(ff_dim, activation="relu"), layers.Dense(embed_dim), ] + ) + self.layernorm1 = layers.LayerNormalization(epsilon=1e-6) + self.layernorm2 = layers.LayerNormalization(epsilon=1e-6) + self.dropout1 = layers.Dropout(rate) + self.dropout2 = layers.Dropout(rate) + + def call(self, inputs, training): + attn_output = self.att(inputs, inputs) + attn_output = self.dropout1(attn_output, training=training) + out1 = self.layernorm1(inputs + attn_output) + ffn_output = self.ffn(out1) + ffn_output = self.dropout2(ffn_output, training=training) + return self.layernorm2(out1 + ffn_output) + +# Implement embedding layer +# Two seperate embedding layers, one for tokens, one for token index (positions). + + +class TokenAndPositionEmbedding(layers.Layer): + def __init__(self, maxlen, vocab_size, embed_dim): + super(TokenAndPositionEmbedding, self).__init__() + self.token_emb = layers.Embedding(input_dim=vocab_size, output_dim=embed_dim) + self.pos_emb = layers.Embedding(input_dim=maxlen, output_dim=embed_dim) + + def call(self, x): + maxlen = tf.shape(x)[-1] + positions = tf.range(start=0, limit=maxlen, delta=1) + positions = self.pos_emb(positions) + x = self.token_emb(x) + return x + positions + + +# Input and prepare dataset + +vocab_size = 40000 # +maxlen = 250 # + + +data_train = pd.read_csv(data_path_train) +data_vali = pd.read_csv(data_path_vali) + +data_train.head() + +# Dataset has type and smiles as the two fields + +y_train = data_train["type"].values.reshape(-1, 1) * 1.0 +y_val = data_vali["type"].values.reshape(-1, 1) * 1.0 + +tokenizer = text.Tokenizer(num_words=vocab_size) +tokenizer.fit_on_texts(data_train["smiles"]) + + +def prep_text(texts, tokenizer, max_sequence_length): + # Turns text into into padded sequences. + text_sequences = tokenizer.texts_to_sequences(texts) + return sequence.pad_sequences(text_sequences, maxlen=maxlen) + + +x_train = prep_text(data_train["smiles"], tokenizer, maxlen) +x_val = prep_text(data_vali["smiles"], tokenizer, maxlen) + +print(x_train.shape) +print(y_train.shape) + +# Create regression/classifier model using N transformer layers + +embed_dim = 128 # Embedding size for each token +num_heads = 16 # Number of attention heads +ff_dim = 128 # Hidden layer size in feed forward network inside transformer + +inputs = layers.Input(shape=(maxlen,)) +embedding_layer = TokenAndPositionEmbedding(maxlen, vocab_size, embed_dim) +x = embedding_layer(inputs) +transformer_block = TransformerBlock(embed_dim, num_heads, ff_dim) +x = transformer_block(x) +x = transformer_block(x) +x = transformer_block(x) +x = transformer_block(x) + +# x = layers.GlobalAveragePooling1D()(x) --- the original model used this but the accuracy was much lower + +x = layers.Reshape((1, 32000), input_shape=(250, 128,))(x) # reshaping increases parameters but improves accuracy a lot +x = layers.Dropout(0.1)(x) +x = layers.Dense(1024, activation="relu")(x) +x = layers.Dropout(0.1)(x) +x = layers.Dense(256, activation="relu")(x) +x = layers.Dropout(0.1)(x) +x = layers.Dense(64, activation="relu")(x) +x = layers.Dropout(0.1)(x) +x = layers.Dense(16, activation="relu")(x) +x = layers.Dropout(0.1)(x) +outputs = layers.Dense(2, activation="softmax")(x) + +model = keras.Model(inputs=inputs, outputs=outputs) + +model.summary() + +# Train and Evaluate + +model.compile(loss='sparse_categorical_crossentropy', + optimizer=Adam(lr=0.000001), + metrics=['accuracy']) + +# set up a bunch of callbacks to do work during model training.. + +checkpointer = ModelCheckpoint(filepath='smile_class.autosave.model.h5', verbose=1, save_weights_only=True, save_best_only=True) +csv_logger = CSVLogger('smile_class.training.log') +reduce_lr = ReduceLROnPlateau(monitor='val_loss', factor=0.75, patience=20, verbose=1, mode='auto', epsilon=0.0001, cooldown=3, min_lr=0.000000001) +early_stop = EarlyStopping(monitor='val_loss', patience=100, verbose=1, mode='auto') + +history = model.fit(x_train, y_train, + batch_size=BATCH, + epochs=EPOCH, + verbose=1, + validation_data=(x_val, y_val), + callbacks=[checkpointer, csv_logger, reduce_lr, early_stop]) + +model.load_weights('smile_class.autosave.model.h5') diff --git a/Pilot1/ST1/smiles_regress_transformer.py b/Pilot1/ST1/smiles_regress_transformer.py new file mode 100644 index 00000000..3cb05f5f --- /dev/null +++ b/Pilot1/ST1/smiles_regress_transformer.py @@ -0,0 +1,172 @@ +# Setup + +import pandas as pd +import os +import argparse + +import matplotlib +matplotlib.use('Agg') + +import tensorflow as tf + +from tensorflow import keras +from tensorflow.keras import backend as K +from tensorflow.keras.optimizers import Adam +from tensorflow.keras.callbacks import ModelCheckpoint, CSVLogger, ReduceLROnPlateau, EarlyStopping +from tensorflow.keras import layers +from tensorflow.keras.preprocessing import sequence +from tensorflow.keras.preprocessing import text + + +file_path = os.path.dirname(os.path.realpath(__file__)) + +psr = argparse.ArgumentParser(description='input csv file') +psr.add_argument('--in_train', default='in_train') +psr.add_argument('--in_vali', default='in_vali') +psr.add_argument('--ep', type=int, default=400) +args = vars(psr.parse_args()) +print(args) + +EPOCH = args['ep'] +BATCH = 32 + +data_path_train = args['in_train'] +data_path_vali = args['in_vali'] + +DR = 0.1 # Dropout rate + +# define r2 for reporting + + +def r2(y_true, y_pred): + SS_res = K.sum(K.square(y_true - y_pred)) + SS_tot = K.sum(K.square(y_true - K.mean(y_true))) + return (1 - SS_res / (SS_tot + K.epsilon())) + +# Implement a Transformer block as a layer + + +class TransformerBlock(layers.Layer): + def __init__(self, embed_dim, num_heads, ff_dim, rate=0.1): + super(TransformerBlock, self).__init__() + self.att = layers.MultiHeadAttention(num_heads=num_heads, key_dim=embed_dim) + self.ffn = keras.Sequential( + [layers.Dense(ff_dim, activation="relu"), layers.Dense(embed_dim), ] + ) + self.layernorm1 = layers.LayerNormalization(epsilon=1e-6) + self.layernorm2 = layers.LayerNormalization(epsilon=1e-6) + self.dropout1 = layers.Dropout(rate) + self.dropout2 = layers.Dropout(rate) + + def call(self, inputs, training): + attn_output = self.att(inputs, inputs) + attn_output = self.dropout1(attn_output, training=training) + out1 = self.layernorm1(inputs + attn_output) + ffn_output = self.ffn(out1) + ffn_output = self.dropout2(ffn_output, training=training) + return self.layernorm2(out1 + ffn_output) + +# Implement embedding layer +# Two seperate embedding layers, one for tokens, one for token index (positions). + + +class TokenAndPositionEmbedding(layers.Layer): + def __init__(self, maxlen, vocab_size, embed_dim): + super(TokenAndPositionEmbedding, self).__init__() + self.token_emb = layers.Embedding(input_dim=vocab_size, output_dim=embed_dim) + self.pos_emb = layers.Embedding(input_dim=maxlen, output_dim=embed_dim) + + def call(self, x): + maxlen = tf.shape(x)[-1] + positions = tf.range(start=0, limit=maxlen, delta=1) + positions = self.pos_emb(positions) + x = self.token_emb(x) + return x + positions + + +# Input and prepare dataset + +vocab_size = 40000 # +maxlen = 250 # + + +data_train = pd.read_csv(data_path_train) +data_vali = pd.read_csv(data_path_vali) + +data_train.head() + +# Dataset has type and smiles as the two fields + +y_train = data_train["type"].values.reshape(-1, 1) * 1.0 +y_val = data_vali["type"].values.reshape(-1, 1) * 1.0 + +tokenizer = text.Tokenizer(num_words=vocab_size) +tokenizer.fit_on_texts(data_train["smiles"]) + + +def prep_text(texts, tokenizer, max_sequence_length): + # Turns text into into padded sequences. + text_sequences = tokenizer.texts_to_sequences(texts) + return sequence.pad_sequences(text_sequences, maxlen=maxlen) + + +x_train = prep_text(data_train["smiles"], tokenizer, maxlen) +x_val = prep_text(data_vali["smiles"], tokenizer, maxlen) + +print(x_train.shape) +print(y_train.shape) + +# Create regression/classifier model using N transformer layers + +embed_dim = 128 # Embedding size for each token +num_heads = 16 # Number of attention heads +ff_dim = 128 # Hidden layer size in feed forward network inside transformer + +inputs = layers.Input(shape=(maxlen,)) +embedding_layer = TokenAndPositionEmbedding(maxlen, vocab_size, embed_dim) +x = embedding_layer(inputs) +transformer_block = TransformerBlock(embed_dim, num_heads, ff_dim) +x = transformer_block(x) +x = transformer_block(x) +x = transformer_block(x) +x = transformer_block(x) + +# x = layers.GlobalAveragePooling1D()(x) --- the original model used this but the accuracy was much lower + +x = layers.Reshape((1, 32000), input_shape=(250, 128,))(x) # reshaping increases parameters but improves accuracy a lot +x = layers.Dropout(0.1)(x) +x = layers.Dense(1024, activation="relu")(x) +x = layers.Dropout(0.1)(x) +x = layers.Dense(256, activation="relu")(x) +x = layers.Dropout(0.1)(x) +x = layers.Dense(64, activation="relu")(x) +x = layers.Dropout(0.1)(x) +x = layers.Dense(16, activation="relu")(x) +x = layers.Dropout(0.1)(x) +outputs = layers.Dense(1, activation="relu")(x) + +model = keras.Model(inputs=inputs, outputs=outputs) + +model.summary() + +# Train and Evaluate + +model.compile(loss='mean_squared_error', + optimizer=Adam(lr=0.00001), + metrics=['mae', r2]) + +# set up a bunch of callbacks to do work during model training.. + +checkpointer = ModelCheckpoint(filepath='smile_regress.autosave.model.h5', verbose=1, save_weights_only=True, save_best_only=True) +csv_logger = CSVLogger('smile_regress.training.log') +reduce_lr = ReduceLROnPlateau(monitor='val_loss', factor=0.75, patience=20, verbose=1, mode='auto', epsilon=0.0001, cooldown=3, min_lr=0.000000001) +early_stop = EarlyStopping(monitor='val_loss', patience=100, verbose=1, mode='auto') + +history = model.fit(x_train, y_train, + batch_size=BATCH, + epochs=EPOCH, + verbose=1, + validation_data=(x_val, y_val), + callbacks=[checkpointer, csv_logger, reduce_lr, early_stop]) + +model.load_weights('smile_regress.autosave.model.h5') diff --git a/Pilot1/ST1/smiles_transformer.py b/Pilot1/ST1/smiles_transformer.py new file mode 100644 index 00000000..92d645ca --- /dev/null +++ b/Pilot1/ST1/smiles_transformer.py @@ -0,0 +1,181 @@ +from __future__ import print_function + +import os + +import pandas as pd + +import tensorflow as tf +from tensorflow import keras +from tensorflow.keras import layers +from tensorflow.keras.preprocessing import sequence +from tensorflow.keras.preprocessing import text +from tensorflow.keras import backend as K + +file_path = os.path.dirname(os.path.realpath(__file__)) + +import candle + +additional_definitions = [ + {'name': 'embed_dim', + 'type': int, + 'help': 'Embedding dimension for each token'}, + {'name': 'ff_dim', + 'type': int, + 'help': 'Hidden layer size in feed forward network inside transformer'}, + {'name': 'maxlen', + 'type': int, + 'help': 'Maximum sequence length'}, + {'name': 'num_heads', + 'type': int, + 'help': 'Number of attention heads'}, + {'name': 'out_layer', + 'type': int, + 'help': 'Size of output layer'}, + {'name': 'transformer_depth', + 'type': int, + 'help': 'Number of transformer layers'}, + {'name': 'vocab_size', + 'type': int, + 'help': 'Vocabulary size'}, +] + +required = [] + + +class BenchmarkST(candle.Benchmark): + + def set_locals(self): + """Functionality to set variables specific for the benchmark + - required: set of required parameters for the benchmark. + - additional_definitions: list of dictionaries describing the additional parameters for the + benchmark. + """ + + if required is not None: + self.required = set(required) + if additional_definitions is not None: + self.additional_definitions = additional_definitions + + +class TransformerBlock(layers.Layer): + + def __init__(self, embed_dim, num_heads, ff_dim, rate=0.1): + super(TransformerBlock, self).__init__() + self.att = layers.MultiHeadAttention(num_heads=num_heads, key_dim=embed_dim) + self.ffn = keras.Sequential( + [layers.Dense(ff_dim, activation="relu"), layers.Dense(embed_dim), ] + ) + self.layernorm1 = layers.LayerNormalization(epsilon=1e-6) + self.layernorm2 = layers.LayerNormalization(epsilon=1e-6) + self.dropout1 = layers.Dropout(rate) + self.dropout2 = layers.Dropout(rate) + + def call(self, inputs, training): + attn_output = self.att(inputs, inputs) + attn_output = self.dropout1(attn_output, training=training) + out1 = self.layernorm1(inputs + attn_output) + ffn_output = self.ffn(out1) + ffn_output = self.dropout2(ffn_output, training=training) + return self.layernorm2(out1 + ffn_output) + +# Implement embedding layer +# Two seperate embedding layers, one for tokens, one for token index (positions). + + +class TokenAndPositionEmbedding(layers.Layer): + + def __init__(self, maxlen, vocab_size, embed_dim): + super(TokenAndPositionEmbedding, self).__init__() + self.token_emb = layers.Embedding(input_dim=vocab_size, output_dim=embed_dim) + self.pos_emb = layers.Embedding(input_dim=maxlen, output_dim=embed_dim) + + def call(self, x): + maxlen = tf.shape(x)[-1] + positions = tf.range(start=0, limit=maxlen, delta=1) + positions = self.pos_emb(positions) + x = self.token_emb(x) + return x + positions + + +# define r2 for reporting + + +def r2(y_true, y_pred): + SS_res = K.sum(K.square(y_true - y_pred)) + SS_tot = K.sum(K.square(y_true - K.mean(y_true))) + return (1 - SS_res / (SS_tot + K.epsilon())) + + +def prep_text(texts, tokenizer, max_sequence_length): + # Turns text into into padded sequences. + text_sequences = tokenizer.texts_to_sequences(texts) + return sequence.pad_sequences(text_sequences, maxlen=max_sequence_length) + + +def load_data(params): + + data_path_train = candle.fetch_file(params['data_url'] + params['train_data'], 'Pilot1') + data_path_val = candle.fetch_file(params['data_url'] + params['val_data'], 'Pilot1') + + vocab_size = params['vocab_size'] + maxlen = params['maxlen'] + + data_train = pd.read_csv(data_path_train) + data_vali = pd.read_csv(data_path_val) + + data_train.head() + +# Dataset has type and smiles as the two fields + + y_train = data_train["type"].values.reshape(-1, 1) * 1.0 + y_val = data_vali["type"].values.reshape(-1, 1) * 1.0 + + tokenizer = text.Tokenizer(num_words=vocab_size) + tokenizer.fit_on_texts(data_train["smiles"]) + + x_train = prep_text(data_train["smiles"], tokenizer, maxlen) + x_val = prep_text(data_vali["smiles"], tokenizer, maxlen) + + print(x_train.shape) + print(y_train.shape) + + return x_train, y_train, x_val, y_val + + +def transformer_model(params): + + embed_dim = params['embed_dim'] # 128 + ff_dim = params['ff_dim'] # 128 + maxlen = params['maxlen'] # 250 + num_heads = params['num_heads'] # 16 + vocab_size = params['vocab_size'] # 40000 + transformer_depth = params['transformer_depth'] # 4 + + inputs = layers.Input(shape=(maxlen,)) + embedding_layer = TokenAndPositionEmbedding(maxlen, vocab_size, embed_dim) + x = embedding_layer(inputs) + transformer_block = TransformerBlock(embed_dim, num_heads, ff_dim) + for i in range(transformer_depth): + x = transformer_block(x) + + # = layers.GlobalAveragePooling1D()(x) --- the original model used this but the accuracy was much lower + + dropout = params['dropout'] # 0.1 + dense_layers = params['dense'] # [1024, 256, 64, 16] + activation = params['activation'] # 'relu' + out_layer = params['out_layer'] # 2 for class, 1 for regress + out_act = params['out_activation'] # 'softmax' for class, 'relu' for regress + + x = layers.Reshape((1, 32000), input_shape=(250, 128,))(x) # reshaping increases parameters but improves accuracy a lot + x = layers.Dropout(0.1)(x) + for dense in dense_layers: + x = layers.Dense(dense, activation=activation)(x) + x = layers.Dropout(dropout)(x) + + outputs = layers.Dense(out_layer, activation=out_act)(x) + + model = keras.Model(inputs=inputs, outputs=outputs) + + model.summary() + + return model diff --git a/Pilot1/ST1/srt_baseline_keras2.py b/Pilot1/ST1/srt_baseline_keras2.py new file mode 100644 index 00000000..d6ad7c7d --- /dev/null +++ b/Pilot1/ST1/srt_baseline_keras2.py @@ -0,0 +1,92 @@ +# Setup + +import os + +from tensorflow.keras import backend as K +from tensorflow.keras.callbacks import ModelCheckpoint, CSVLogger, ReduceLROnPlateau, EarlyStopping + +file_path = os.path.dirname(os.path.realpath(__file__)) + +import candle +import smiles_transformer as st + +import tensorflow.config.experimental +gpus = tensorflow.config.experimental.list_physical_devices('GPU') +try: + for gpu in gpus: + print("setting memory growth") + tensorflow.config.experimental.set_memory_growth(gpu, True) +except RuntimeError as e: + print(e) + + +def initialize_parameters(default_model='regress_default_model.txt'): + + # Build benchmark object + sctBmk = st.BenchmarkST(st.file_path, default_model, 'keras', + prog='p1b1_baseline', + desc='Multi-task (DNN) for data extraction from clinical reports - Pilot 3 Benchmark 1') + + # Initialize parameters + gParameters = candle.finalize_parameters(sctBmk) + + return gParameters + + +# Train and Evaluate + +def run(params): + + x_train, y_train, x_val, y_val = st.load_data(params) + + model = st.transformer_model(params) + + kerasDefaults = candle.keras_default_config() + + optimizer = candle.build_optimizer(params['optimizer'], params['learning_rate'], kerasDefaults) + + # optimizer = optimizers.deserialize({'class_name': params['optimizer'], 'config': {}}) + + # I don't know why we set base_lr. It doesn't appear to be used. + # if 'base_lr' in params and params['base_lr'] > 0: + # base_lr = params['base_lr'] + # else: + # base_lr = K.get_value(optimizer.lr) + + # if 'learning_rate' in params and params['learning_rate'] > 0: + # K.set_value(optimizer.lr, params['learning_rate']) + # print('Done setting optimizer {} learning rate to {}'.format( + # params['optimizer'], params['learning_rate'])) + + model.compile(loss=params['loss'], + optimizer=optimizer, + metrics=['mae', st.r2]) + + # set up a bunch of callbacks to do work during model training.. + + checkpointer = ModelCheckpoint(filepath='smile_regress.autosave.model.h5', verbose=1, save_weights_only=True, save_best_only=True) + csv_logger = CSVLogger('smile_regress.training.log') + reduce_lr = ReduceLROnPlateau(monitor='val_loss', factor=0.75, patience=20, verbose=1, mode='auto', epsilon=0.0001, cooldown=3, min_lr=0.000000001) + early_stop = EarlyStopping(monitor='val_loss', patience=100, verbose=1, mode='auto') + + history = model.fit(x_train, y_train, + batch_size=params['batch_size'], + epochs=params['epochs'], + verbose=1, + validation_data=(x_val, y_val), + callbacks=[checkpointer, csv_logger, reduce_lr, early_stop]) + + model.load_weights('smile_regress.autosave.model.h5') + + return history + + +def main(): + params = initialize_parameters() + run(params) + + +if __name__ == '__main__': + main() + if K.backend() == 'tensorflow': + K.clear_session() diff --git a/Pilot1/T29/test.sh b/Pilot1/T29/test.sh index cd77cead..8574bbb0 100755 --- a/Pilot1/T29/test.sh +++ b/Pilot1/T29/test.sh @@ -1,3 +1,4 @@ ./prep.sh +set -x python t29res.py -e 5 python infer.py --model t29res.model.json --weights t29res.model.h5 --n_pred 10 diff --git a/Pilot1/TC1/tc1.py b/Pilot1/TC1/tc1.py index 562876fa..f33e7529 100644 --- a/Pilot1/TC1/tc1.py +++ b/Pilot1/TC1/tc1.py @@ -1,12 +1,9 @@ from __future__ import print_function import os -import sys import logging file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import candle diff --git a/Pilot1/TC1/tc1_baseline_keras2.py b/Pilot1/TC1/tc1_baseline_keras2.py index 979e0f35..684d9c06 100644 --- a/Pilot1/TC1/tc1_baseline_keras2.py +++ b/Pilot1/TC1/tc1_baseline_keras2.py @@ -2,18 +2,15 @@ import numpy as np import os -import sys from tensorflow.keras import backend as K from tensorflow.keras.layers import Dense, Dropout, Activation, Conv1D, MaxPooling1D, Flatten from tensorflow.keras.layers import LocallyConnected1D -from tensorflow.keras.models import Sequential, model_from_json, model_from_yaml +from tensorflow.keras.models import Sequential, model_from_json from tensorflow.keras.callbacks import ModelCheckpoint, CSVLogger, ReduceLROnPlateau file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import tc1 as bmk import candle @@ -120,7 +117,7 @@ def run(gParameters): save_weights_only=False, save_best_only=True) csv_logger = CSVLogger('{}/training.log'.format(output_dir)) reduce_lr = ReduceLROnPlateau(monitor='val_loss', factor=0.1, patience=10, - verbose=1, mode='auto', epsilon=0.0001, cooldown=0, min_lr=0) + verbose=1, mode='auto', min_delta=0.0001, cooldown=0, min_lr=0) history = model.fit(X_train, Y_train, batch_size=gParameters['batch_size'], @@ -139,11 +136,6 @@ def run(gParameters): with open("{}/{}.model.json".format(output_dir, model_name), "w") as json_file: json_file.write(model_json) - # serialize model to YAML - model_yaml = model.to_yaml() - with open("{}/{}.model.yaml".format(output_dir, model_name), "w") as yaml_file: - yaml_file.write(model_yaml) - # serialize weights to HDF5 model.save_weights("{}/{}.model.h5".format(output_dir, model_name)) print("Saved model to disk") @@ -154,12 +146,6 @@ def run(gParameters): json_file.close() loaded_model_json = model_from_json(loaded_model_json) - # load yaml and create model - yaml_file = open('{}/{}.model.yaml'.format(output_dir, model_name), 'r') - loaded_model_yaml = yaml_file.read() - yaml_file.close() - loaded_model_yaml = model_from_yaml(loaded_model_yaml) - # load weights into new model loaded_model_json.load_weights('{}/{}.model.h5'.format(output_dir, model_name)) print("Loaded json model from disk") @@ -175,21 +161,6 @@ def run(gParameters): print("json %s: %.2f%%" % (loaded_model_json.metrics_names[1], score_json[1] * 100)) - # load weights into new model - loaded_model_yaml.load_weights('{}/{}.model.h5'.format(output_dir, model_name)) - print("Loaded yaml model from disk") - - # evaluate loaded model on test data - loaded_model_yaml.compile(loss=gParameters['loss'], - optimizer=gParameters['optimizer'], - metrics=[gParameters['metrics']]) - score_yaml = loaded_model_yaml.evaluate(X_test, Y_test, verbose=0) - - print('yaml Test score:', score_yaml[0]) - print('yaml Test accuracy:', score_yaml[1]) - - print("yaml %s: %.2f%%" % (loaded_model_yaml.metrics_names[1], score_yaml[1] * 100)) - return history diff --git a/Pilot1/TC1/test.sh b/Pilot1/TC1/test.sh index 2403c05d..24fa476d 100755 --- a/Pilot1/TC1/test.sh +++ b/Pilot1/TC1/test.sh @@ -1,2 +1,3 @@ +set -x python tc1_baseline_keras2.py -e 2 python tc1_baseline_keras2.py --conf tc1_modac_model.txt -e 2 diff --git a/Pilot1/Uno/test.sh b/Pilot1/Uno/test.sh index a99adc19..fe88761b 100755 --- a/Pilot1/Uno/test.sh +++ b/Pilot1/Uno/test.sh @@ -1,12 +1,15 @@ #!/bin/bash +set -x + # AUC prediction model -if [ ! -f "top_21_auc_1fold.uno.h5" ]; then - curl -o top_21_auc_1fold.uno.h5 http://ftp.mcs.anl.gov/pub/candle/public/benchmarks/Pilot1/uno/top_21_auc_1fold.uno.h5 +if [ ! -f "$CANDLE_DATA_DIR/Pilot1/Uno/top_21_auc_1fold.uno.h5" ]; then + # download from http://ftp.mcs.anl.gov/pub/candle/public/benchmarks/Pilot1/uno/top_21_auc_1fold.uno.h5 + python -c 'from candle import get_file;get_file(fname="top_21_auc_1fold.uno.h5", origin="https://ftp.mcs.anl.gov/pub/candle/public/benchmarks/Pilot1/uno/top_21_auc_1fold.uno.h5", cache_subdir="Pilot1/Uno")' fi -python uno_baseline_keras2.py --config_file uno_auc_model.txt --use_exported_data top_21_auc_1fold.uno.h5 -e 3 --save_weights save/saved.model.weights.h5 -python uno_infer.py --data top_21_auc_1fold.uno.h5 \ +python uno_baseline_keras2.py --config_file uno_auc_model.txt --use_exported_data "$CANDLE_DATA_DIR/Pilot1/Uno/top_21_auc_1fold.uno.h5" -e 3 --save_weights save/saved.model.weights.h5 +python uno_infer.py --data "$CANDLE_DATA_DIR/Pilot1/Uno/top_21_auc_1fold.uno.h5" \ --model_file save/'uno.A=relu.B=32.E=3.O=adamax.LR=0.0001.CF=r.DF=d.DR=0.1.wu_lr.re_lr.L1000.D1=1000.D2=1000.D3=1000.D4=1000.D5=1000.FD1=1000.FD2=1000.FD3=1000.FD4=1000.FD5=1000.model.json' \ --weights_file save/saved.model.weights.h5 \ --partition val \ @@ -15,5 +18,5 @@ python uno_infer.py --data top_21_auc_1fold.uno.h5 \ --agg_dose AUC # CLR model -python uno_clr_keras2.py --config_file uno_auc_clr_model.txt --use_exported_data top_21_auc_1fold.uno.h5 -e 3 +python uno_clr_keras2.py --config_file uno_auc_clr_model.txt --use_exported_data ../../Data/Pilot1/Uno/top_21_auc_1fold.uno.h5 -e 3 diff --git a/Pilot1/Uno/uno.py b/Pilot1/Uno/uno.py index 91368b06..5fbee8a3 100644 --- a/Pilot1/Uno/uno.py +++ b/Pilot1/Uno/uno.py @@ -1,15 +1,10 @@ from __future__ import print_function import os -import sys import logging import argparse file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..')) -sys.path.append(lib_path) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import candle diff --git a/Pilot1/Uno/uno_baseline_keras2.py b/Pilot1/Uno/uno_baseline_keras2.py index c814c630..9c175b91 100644 --- a/Pilot1/Uno/uno_baseline_keras2.py +++ b/Pilot1/Uno/uno_baseline_keras2.py @@ -289,7 +289,7 @@ def run(params): cell_subset_path=args.cell_subset_path, drug_subset_path=args.drug_subset_path) train_gen = CombinedDataGenerator(loader, batch_size=args.batch_size, shuffle=args.shuffle) val_gen = CombinedDataGenerator(loader, partition='val', batch_size=args.batch_size, shuffle=args.shuffle) - store = pd.HDFStore(fname, complevel=9, complib='blosc:snappy') + store = pd.HDFStore(fname) config_min_itemsize = {'Sample': 30, 'Drug1': 10} if not args.single: @@ -302,8 +302,8 @@ def run(params): for j, input_feature in enumerate(x_list): input_feature.columns = [''] * len(input_feature.columns) - store.append('x_{}_{}'.format(partition, j), input_feature.astype('float32'), format='table', data_column=True) - store.append('y_{}'.format(partition), y.astype({target: 'float32'}), format='table', data_column=True, + store.append('x_{}_{}'.format(partition, j), input_feature.astype('float32'), format='table') + store.append('y_{}'.format(partition), y.astype({target: 'float32'}), format='table', min_itemsize=config_min_itemsize) logger.info('Generating {} dataset. {} / {}'.format(partition, i, gen.steps)) diff --git a/Pilot1/Uno/uno_clr_keras2.py b/Pilot1/Uno/uno_clr_keras2.py index dbe9aa9c..8370146e 100644 --- a/Pilot1/Uno/uno_clr_keras2.py +++ b/Pilot1/Uno/uno_clr_keras2.py @@ -304,8 +304,8 @@ def run(params): for j, input_feature in enumerate(x_list): input_feature.columns = [''] * len(input_feature.columns) - store.append('x_{}_{}'.format(partition, j), input_feature.astype('float32'), format='table', data_column=True) - store.append('y_{}'.format(partition), y.astype({target: 'float32'}), format='table', data_column=True, + store.append('x_{}_{}'.format(partition, j), input_feature.astype('float32'), format='table', data_columns=True) + store.append('y_{}'.format(partition), y.astype({target: 'float32'}), format='table', data_columns=True, min_itemsize=config_min_itemsize) logger.info('Generating {} dataset. {} / {}'.format(partition, i, gen.steps)) diff --git a/Pilot1/Uno/uno_contamination_keras2.py b/Pilot1/Uno/uno_contamination_keras2.py index 964c21b4..dcd1a2df 100644 --- a/Pilot1/Uno/uno_contamination_keras2.py +++ b/Pilot1/Uno/uno_contamination_keras2.py @@ -239,8 +239,8 @@ def run(params): for j, input_feature in enumerate(x_list): input_feature.columns = [''] * len(input_feature.columns) - store.append('x_{}_{}'.format(partition, j), input_feature.astype('float32'), format='table', data_column=True) - store.append('y_{}'.format(partition), y.astype({target: 'float32'}), format='table', data_column=True, + store.append('x_{}_{}'.format(partition, j), input_feature.astype('float32'), format='table', data_columns=True) + store.append('y_{}'.format(partition), y.astype({target: 'float32'}), format='table', data_columns=True, min_itemsize=config_min_itemsize) logger.info('Generating {} dataset. {} / {}'.format(partition, i, gen.steps)) diff --git a/Pilot1/Uno/uno_data.py b/Pilot1/Uno/uno_data.py index a821483f..96aa2279 100644 --- a/Pilot1/Uno/uno_data.py +++ b/Pilot1/Uno/uno_data.py @@ -5,7 +5,6 @@ import logging import os import pickle -import sys import numpy as np import pandas as pd @@ -22,11 +21,8 @@ from sklearn.model_selection import ShuffleSplit, KFold file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path) -# import candle -import file_utils +import candle global_cache = {} @@ -40,7 +36,7 @@ def get_file(url): fname = os.path.basename(url) - return file_utils.get_file(fname, origin=url, cache_subdir='Pilot1') + return candle.get_file(fname, origin=url, cache_subdir='Pilot1') def read_IDs_file(fname): @@ -251,15 +247,15 @@ def load_drug_data(ncols=None, scaling='std', imputing='mean', dropna=None, add_ df_desc = load_drug_set_descriptors(drug_set='Combined_PubChem', ncols=ncols) df_fp = load_drug_set_fingerprints(drug_set='Combined_PubChem', ncols=ncols) - df_desc = pd.merge(df_info[['ID', 'Drug']], df_desc, on='Drug').drop('Drug', 1).rename(columns={'ID': 'Drug'}) - df_fp = pd.merge(df_info[['ID', 'Drug']], df_fp, on='Drug').drop('Drug', 1).rename(columns={'ID': 'Drug'}) + df_desc = pd.merge(df_info[['ID', 'Drug']], df_desc, on='Drug').drop('Drug', axis=1).rename(columns={'ID': 'Drug'}) + df_fp = pd.merge(df_info[['ID', 'Drug']], df_fp, on='Drug').drop('Drug', axis=1).rename(columns={'ID': 'Drug'}) df_desc2 = load_drug_set_descriptors(drug_set='NCI60', usecols=df_desc.columns.tolist() if ncols else None) df_fp2 = load_drug_set_fingerprints(drug_set='NCI60', usecols=df_fp.columns.tolist() if ncols else None) df_desc = pd.concat([df_desc, df_desc2]).reset_index(drop=True) df1 = pd.DataFrame(df_desc.loc[:, 'Drug']) - df2 = df_desc.drop('Drug', 1) + df2 = df_desc.drop('Drug', axis=1) df2 = impute_and_scale(df2, scaling=scaling, imputing=imputing, dropna=dropna) if add_prefix: df2 = df2.add_prefix('dragon7.') @@ -267,7 +263,7 @@ def load_drug_data(ncols=None, scaling='std', imputing='mean', dropna=None, add_ df_fp = pd.concat([df_fp, df_fp2]).reset_index(drop=True) df1 = pd.DataFrame(df_fp.loc[:, 'Drug']) - df2 = df_fp.drop('Drug', 1) + df2 = df_fp.drop('Drug', axis=1) df2 = impute_and_scale(df2, scaling=None, imputing=imputing, dropna=dropna) if add_prefix: df2 = df2.add_prefix('dragon7.') @@ -289,7 +285,7 @@ def load_mordred_descriptors(ncols=None, scaling='std', imputing='mean', dropna= df1 = pd.DataFrame(df.loc[:, 'DRUG']) df1.rename(columns={'DRUG': 'Drug'}, inplace=True) - df2 = df.drop('DRUG', 1) + df2 = df.drop('DRUG', axis=1) if add_prefix: df2 = df2.add_prefix('mordred.') @@ -298,7 +294,7 @@ def load_mordred_descriptors(ncols=None, scaling='std', imputing='mean', dropna= df_desc = pd.concat([df1, df2], axis=1) df1 = pd.DataFrame(df_desc.loc[:, 'Drug']) - df2 = df_desc.drop('Drug', 1) + df2 = df_desc.drop('Drug', axis=1) if add_prefix: df2 = df2.add_prefix('mordred.') if feature_subset: @@ -316,13 +312,13 @@ def load_drug_descriptors(ncols=None, scaling='std', imputing='mean', dropna=Non df_info['Drug'] = df_info['PUBCHEM'] df_desc = load_drug_set_descriptors(drug_set='Combined_PubChem', ncols=ncols) - df_desc = pd.merge(df_info[['ID', 'Drug']], df_desc, on='Drug').drop('Drug', 1).rename(columns={'ID': 'Drug'}) + df_desc = pd.merge(df_info[['ID', 'Drug']], df_desc, on='Drug').drop('Drug', axis=1).rename(columns={'ID': 'Drug'}) df_desc2 = load_drug_set_descriptors(drug_set='NCI60', usecols=df_desc.columns.tolist() if ncols else None) df_desc = pd.concat([df_desc, df_desc2]).reset_index(drop=True) df1 = pd.DataFrame(df_desc.loc[:, 'Drug']) - df2 = df_desc.drop('Drug', 1) + df2 = df_desc.drop('Drug', axis=1) if add_prefix: df2 = df2.add_prefix('dragon7.') if feature_subset: @@ -340,13 +336,13 @@ def load_drug_fingerprints(ncols=None, scaling='std', imputing='mean', dropna=No df_info['Drug'] = df_info['PUBCHEM'] df_fp = load_drug_set_fingerprints(drug_set='Combined_PubChem', ncols=ncols) - df_fp = pd.merge(df_info[['ID', 'Drug']], df_fp, on='Drug').drop('Drug', 1).rename(columns={'ID': 'Drug'}) + df_fp = pd.merge(df_info[['ID', 'Drug']], df_fp, on='Drug').drop('Drug', axis=1).rename(columns={'ID': 'Drug'}) df_fp2 = load_drug_set_fingerprints(drug_set='NCI60', usecols=df_fp.columns.tolist() if ncols else None) df_fp = pd.concat([df_fp, df_fp2]).reset_index(drop=True) df1 = pd.DataFrame(df_fp.loc[:, 'Drug']) - df2 = df_fp.drop('Drug', 1) + df2 = df_fp.drop('Drug', axis=1) if add_prefix: df2 = df2.add_prefix('dragon7.') if feature_subset: @@ -431,7 +427,7 @@ def load_drug_set_descriptors(drug_set='Combined_PubChem', ncols=None, usecols=N df1 = pd.DataFrame(df.loc[:, 'NAME']) df1.rename(columns={'NAME': 'Drug'}, inplace=True) - df2 = df.drop('NAME', 1) + df2 = df.drop('NAME', axis=1) if add_prefix: df2 = df2.add_prefix('dragon7.') @@ -471,7 +467,7 @@ def load_drug_set_fingerprints(drug_set='Combined_PubChem', ncols=None, usecols= df1 = pd.DataFrame(df.loc[:, col1]) df1.rename(columns={col1: 'Drug'}, inplace=True) - df2 = df.drop(col1, 1) + df2 = df.drop(col1, axis=1) if add_prefix: df2 = df2.add_prefix('dragon7.') @@ -554,7 +550,7 @@ def with_prefix(x): df1 = df_sample_source.merge(df_source, on='Source', how='left').drop('Source', axis=1) logger.info('Embedding RNAseq data source into features: %d additional columns', df1.shape[1] - 1) - df2 = df.drop('Sample', 1) + df2 = df.drop('Sample', axis=1) if add_prefix: df2 = df2.add_prefix('rnaseq.') diff --git a/Pilot1/Uno/uno_trainUQ_keras2.py b/Pilot1/Uno/uno_trainUQ_keras2.py index 0c228eec..a505c0db 100644 --- a/Pilot1/Uno/uno_trainUQ_keras2.py +++ b/Pilot1/Uno/uno_trainUQ_keras2.py @@ -233,8 +233,8 @@ def run(params): for j, input_feature in enumerate(x_list): input_feature.columns = [''] * len(input_feature.columns) - store.append('x_{}_{}'.format(partition, j), input_feature.astype('float32'), format='table', data_column=True) - store.append('y_{}'.format(partition), y.astype({target: 'float32'}), format='table', data_column=True, + store.append('x_{}_{}'.format(partition, j), input_feature.astype('float32'), format='table', data_columns=True) + store.append('y_{}'.format(partition), y.astype({target: 'float32'}), format='table', data_columns=True, min_itemsize=config_min_itemsize) logger.info('Generating {} dataset. {} / {}'.format(partition, i, gen.steps)) diff --git a/Pilot1/UnoMT/test.sh b/Pilot1/UnoMT/test.sh index 51d66a17..ac1fd311 100755 --- a/Pilot1/UnoMT/test.sh +++ b/Pilot1/UnoMT/test.sh @@ -1 +1,2 @@ +set -x python unoMT_baseline_pytorch.py --epochs 3 --resp_val_start_epoch 2 diff --git a/Pilot1/UnoMT/unoMT.py b/Pilot1/UnoMT/unoMT.py index b64a3f08..b146830d 100644 --- a/Pilot1/UnoMT/unoMT.py +++ b/Pilot1/UnoMT/unoMT.py @@ -6,14 +6,12 @@ file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..')) -sys.path.append(lib_path) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import candle logger = logging.getLogger(__name__) +logger.setLevel(logging.INFO) +logger.addHandler(logging.StreamHandler(sys.stdout)) # candle.set_parallelism_threads() additional_definitions = [ diff --git a/Pilot2/P2B1/p2b1.py b/Pilot2/P2B1/p2b1.py index e3311d19..83c190ee 100644 --- a/Pilot2/P2B1/p2b1.py +++ b/Pilot2/P2B1/p2b1.py @@ -20,8 +20,6 @@ from importlib import reload file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import helper import random diff --git a/Pilot2/P2B1/p2b1_AE_models.py b/Pilot2/P2B1/p2b1_AE_models.py index 3ffa9f2f..5274098a 100644 --- a/Pilot2/P2B1/p2b1_AE_models.py +++ b/Pilot2/P2B1/p2b1_AE_models.py @@ -9,13 +9,8 @@ from tensorflow.keras.regularizers import l2 import os -import sys file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..', 'common')) -sys.path.append(lib_path) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) def full_conv_mol_auto(bead_k_size=20, mol_k_size=12, weights_path=None, input_shape=(1, 784), diff --git a/Pilot2/P2B1/p2b1_baseline_keras2.py b/Pilot2/P2B1/p2b1_baseline_keras2.py index c698fc74..f1fa1733 100644 --- a/Pilot2/P2B1/p2b1_baseline_keras2.py +++ b/Pilot2/P2B1/p2b1_baseline_keras2.py @@ -12,10 +12,6 @@ TIMEOUT = 3600 # in sec; set this to -1 for no timeout file_path = os.path.dirname(os.path.realpath(__file__)) -# lib_path = os.path.abspath(os.path.join(file_path, '..', 'common')) -# sys.path.append(lib_path) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) from tensorflow.keras import backend as K diff --git a/Pilot2/P2B1/test.sh b/Pilot2/P2B1/test.sh new file mode 100755 index 00000000..6f041a9c --- /dev/null +++ b/Pilot2/P2B1/test.sh @@ -0,0 +1,2 @@ +set -x +python p2b1_baseline_keras2.py -e 1 diff --git a/Pilot3/P3B1/p3b1.py b/Pilot3/P3B1/p3b1.py index a9b3f54e..5feb77dc 100644 --- a/Pilot3/P3B1/p3b1.py +++ b/Pilot3/P3B1/p3b1.py @@ -3,11 +3,8 @@ import numpy as np import os -import sys file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import candle diff --git a/Pilot3/P3B1/test.sh b/Pilot3/P3B1/test.sh new file mode 100755 index 00000000..2b033cfb --- /dev/null +++ b/Pilot3/P3B1/test.sh @@ -0,0 +1,2 @@ +set -x +python p3b1_baseline_keras2.py -e 1 diff --git a/Pilot3/P3B2/p3b2.py b/Pilot3/P3B2/p3b2.py index 54fb6af4..bc19198b 100644 --- a/Pilot3/P3B2/p3b2.py +++ b/Pilot3/P3B2/p3b2.py @@ -1,11 +1,8 @@ from __future__ import print_function import os -import sys file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import candle diff --git a/Pilot3/P3B2/test.sh b/Pilot3/P3B2/test.sh new file mode 100755 index 00000000..b4b3fe0a --- /dev/null +++ b/Pilot3/P3B2/test.sh @@ -0,0 +1,2 @@ +set -x +python p3b2_baseline_keras2.py -e 1 diff --git a/Pilot3/P3B3/p3b3.py b/Pilot3/P3B3/p3b3.py index bb2536b9..dc11bad8 100644 --- a/Pilot3/P3B3/p3b3.py +++ b/Pilot3/P3B3/p3b3.py @@ -1,11 +1,8 @@ from __future__ import print_function import os -import sys file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import candle @@ -68,7 +65,15 @@ 'type': int}, {'name': 'num_filters', 'nargs': '+', - 'type': int} + 'type': int}, + {'name': 'task_list', + 'nargs': '+', + 'type': int, + 'help': 'list of task indices to use'}, + {'name': 'task_names', + 'nargs': '+', + 'type': int, + 'help': 'list of names corresponding to each task to use'} ] diff --git a/Pilot3/P3B3/test.sh b/Pilot3/P3B3/test.sh new file mode 100755 index 00000000..e61e80fe --- /dev/null +++ b/Pilot3/P3B3/test.sh @@ -0,0 +1,2 @@ +set -x +python p3b3_baseline_keras2.py -e 1 diff --git a/Pilot3/P3B4/dense_attention.py b/Pilot3/P3B4/dense_attention.py index e0ae8266..464e0df0 100644 --- a/Pilot3/P3B4/dense_attention.py +++ b/Pilot3/P3B4/dense_attention.py @@ -24,10 +24,10 @@ from tensorflow.python.framework import dtypes from tensorflow.python.framework import ops +from tensorflow.python.framework import smart_cond from tensorflow.python.framework import tensor_shape from tensorflow.python.keras import backend as K from tensorflow.python.keras.engine.base_layer import Layer -from tensorflow.python.keras.utils import tf_utils from tensorflow.python.ops import array_ops from tensorflow.python.ops import init_ops from tensorflow.python.ops import math_ops @@ -127,7 +127,7 @@ def _apply_scores(self, scores, value, scores_mask=None, training=None): def dropped_weights(): return nn.dropout(weights, rate=self.dropout) - weights = tf_utils.smart_cond( + weights = smart_cond.smart_cond( training, dropped_weights, lambda: array_ops.identity(weights)) diff --git a/Pilot3/P3B4/p3b4.py b/Pilot3/P3B4/p3b4.py index ea96722e..9e228140 100644 --- a/Pilot3/P3B4/p3b4.py +++ b/Pilot3/P3B4/p3b4.py @@ -1,15 +1,15 @@ from __future__ import print_function import os -import sys file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import candle additional_definitions = [ + {'name': 'attention_heads', + 'action': 'store', + 'type': int}, {'name': 'attention_size', 'action': 'store', 'type': int}, @@ -43,7 +43,7 @@ ] -class BenchmarkP3B3(candle.Benchmark): +class BenchmarkP3B4(candle.Benchmark): def set_locals(self): """Functionality to set variables specific for the benchmark diff --git a/Pilot3/P3B4/p3b4_baseline_keras2.py b/Pilot3/P3B4/p3b4_baseline_keras2.py index 1f044dfa..6e7ef775 100644 --- a/Pilot3/P3B4/p3b4_baseline_keras2.py +++ b/Pilot3/P3B4/p3b4_baseline_keras2.py @@ -16,13 +16,13 @@ def initialize_parameters(default_model='p3b4_default_model.txt'): # Build benchmark object - p3b3Bmk = bmk.BenchmarkP3B3(bmk.file_path, default_model, 'keras', + p3b4Bmk = bmk.BenchmarkP3B4(bmk.file_path, default_model, 'keras', prog='p3b4_baseline', desc='Hierarchical Convolutional Attention Networks for \ data extraction from clinical reports - Pilot 3 Benchmark 4') # Initialize parameters - gParameters = candle.finalize_parameters(p3b3Bmk) + gParameters = candle.finalize_parameters(p3b4Bmk) # bmk.logger.info('Params: {}'.format(gParameters)) return gParameters diff --git a/Pilot3/P3B4/p3b4_baseline_tf2.py b/Pilot3/P3B4/p3b4_baseline_tf2.py index 1db6176a..c49cf9dc 100644 --- a/Pilot3/P3B4/p3b4_baseline_tf2.py +++ b/Pilot3/P3B4/p3b4_baseline_tf2.py @@ -9,13 +9,13 @@ def initialize_parameters(default_model='p3b4_default_model.txt'): # Build benchmark object - p3b3Bmk = bmk.BenchmarkP3B3(bmk.file_path, default_model, 'keras', + p3b4Bmk = bmk.BenchmarkP3B4(bmk.file_path, default_model, 'keras', prog='p3b4_baseline', desc='Hierarchical Self-Attention Network for \ data extraction - Pilot 3 Benchmark 4') # Initialize parameters - gParameters = candle.finalize_parameters(p3b3Bmk) + gParameters = candle.finalize_parameters(p3b4Bmk) return gParameters diff --git a/Pilot3/P3B4/test.sh b/Pilot3/P3B4/test.sh new file mode 100755 index 00000000..68f597e1 --- /dev/null +++ b/Pilot3/P3B4/test.sh @@ -0,0 +1,2 @@ +set -x +python p3b4_baseline_tf2.py -e 1 diff --git a/Pilot3/P3B5/p3b5.py b/Pilot3/P3B5/p3b5.py index 51c57152..ac230b36 100644 --- a/Pilot3/P3B5/p3b5.py +++ b/Pilot3/P3B5/p3b5.py @@ -1,9 +1,6 @@ import os -import sys file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import candle diff --git a/Pilot3/P3B5/p3b5_darts.py b/Pilot3/P3B5/p3b5_darts.py index 54d7caf3..883449de 100644 --- a/Pilot3/P3B5/p3b5_darts.py +++ b/Pilot3/P3B5/p3b5_darts.py @@ -11,10 +11,6 @@ file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..')) -sys.path.append(lib_path) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import darts diff --git a/Pilot3/P3B5/test.sh b/Pilot3/P3B5/test.sh new file mode 100755 index 00000000..0a0902d6 --- /dev/null +++ b/Pilot3/P3B5/test.sh @@ -0,0 +1,2 @@ +set -x +python p3b5_baseline_pytorch.py -e 1 diff --git a/Pilot3/P3B6/default_model.txt b/Pilot3/P3B6/default_model.txt index e944e6d9..474edc97 100644 --- a/Pilot3/P3B6/default_model.txt +++ b/Pilot3/P3B6/default_model.txt @@ -4,7 +4,7 @@ learning_rate = 2e-5 eps = 1e-8 weight_decay = 0.0 batch_size = 10 -num_epochs = 10 +epochs = 10 rng_seed = 13 num_train_samples = 10000 num_valid_samples = 10000 diff --git a/Pilot3/P3B6/p3b6.py b/Pilot3/P3B6/p3b6.py index 660bded4..3000aa0b 100644 --- a/Pilot3/P3B6/p3b6.py +++ b/Pilot3/P3B6/p3b6.py @@ -1,9 +1,6 @@ import os -import sys file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import candle @@ -30,7 +27,7 @@ 'weight_decay', 'rng_seed', 'batch_size', - 'num_epochs', + 'epochs', ] diff --git a/Pilot3/P3B6/p3b6_baseline.py b/Pilot3/P3B6/p3b6_baseline_pytorch.py similarity index 98% rename from Pilot3/P3B6/p3b6_baseline.py rename to Pilot3/P3B6/p3b6_baseline_pytorch.py index b0d430dd..d951da84 100644 --- a/Pilot3/P3B6/p3b6_baseline.py +++ b/Pilot3/P3B6/p3b6_baseline_pytorch.py @@ -134,7 +134,7 @@ def run(args): criterion = nn.BCEWithLogitsLoss() - for epoch in range(args.num_epochs): + for epoch in range(args.epochs): train(train_loader, model, optimizer, criterion, args, epoch) validate(valid_loader, model, args, epoch) diff --git a/Pilot3/P3B7/data.py b/Pilot3/P3B7/data.py index 3753eef2..965bc073 100644 --- a/Pilot3/P3B7/data.py +++ b/Pilot3/P3B7/data.py @@ -200,7 +200,7 @@ def _download(self): self._preprocess(raw_data) def _preprocess(self, raw_data): - print(f"Preprocessing data...") + print("Preprocessing data...") self._make_processed_dirs() with open(raw_data, 'rb') as f: @@ -215,7 +215,7 @@ def _preprocess(self, raw_data): self._save_split('train', corpus.train, y_train) self._save_split('valid', corpus.valid, y_valid) self._save_vocab(corpus.vocab) - print(f"Done!") + print("Done!") def _save_split(self, split, data, target): target = self._create_target(target) diff --git a/Pilot3/P3B7/default_model.txt b/Pilot3/P3B7/default_model.txt index 20964bcb..1ca521d5 100644 --- a/Pilot3/P3B7/default_model.txt +++ b/Pilot3/P3B7/default_model.txt @@ -10,9 +10,8 @@ kernel3 = 5 embed_dim = 300 n_filters = 100 batch_size = 50 -num_epochs = 10 +epochs = 10 rng_seed = 13 weight_decay = 1e-3 use_synthetic_data = 'True' -epochs = 10 -device = 'cpu' \ No newline at end of file +device = 'cpu' diff --git a/Pilot3/P3B7/metrics.py b/Pilot3/P3B7/metrics.py index 2e3b8e88..44c39417 100644 --- a/Pilot3/P3B7/metrics.py +++ b/Pilot3/P3B7/metrics.py @@ -1,4 +1,4 @@ -from pytorch_lightning.metrics.classification import F1 +from torchmetrics import F1Score as F1 class F1Meter: diff --git a/Pilot3/P3B7/p3b7.py b/Pilot3/P3B7/p3b7.py index efaa377b..2f21a6a7 100644 --- a/Pilot3/P3B7/p3b7.py +++ b/Pilot3/P3B7/p3b7.py @@ -1,9 +1,6 @@ import os -import sys file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import candle @@ -33,7 +30,7 @@ 'weight_decay', 'rng_seed', 'batch_size', - 'num_epochs', + 'epochs', ] diff --git a/Pilot3/P3B7/p3b7_baseline.py b/Pilot3/P3B7/p3b7_baseline_pytorch.py similarity index 81% rename from Pilot3/P3B7/p3b7_baseline.py rename to Pilot3/P3B7/p3b7_baseline_pytorch.py index 5e1542e0..85d796ee 100644 --- a/Pilot3/P3B7/p3b7_baseline.py +++ b/Pilot3/P3B7/p3b7_baseline_pytorch.py @@ -2,9 +2,9 @@ import p3b7 as bmk import candle -import numpy as np +import pandas as pd +from pathlib import Path -import torch.nn as nn from torch.utils.data import DataLoader from data import P3B3, Egress @@ -13,10 +13,7 @@ from meters import AccuracyMeter from metrics import F1Meter -from prune import ( - negative_prune, min_max_prune, - create_prune_masks, remove_prune_masks -) +from prune import create_prune_masks, remove_prune_masks TASKS = { @@ -134,7 +131,7 @@ def evaluate(model, loader, device): accmeter.update_accuracy() - print(f'Validation accuracy:') + print("Validation accuracy:") accmeter.print_task_accuracies() loss /= len(loader.dataset) @@ -142,39 +139,27 @@ def evaluate(model, loader, device): return loss -def save_dataframe(metrics, filename): +def save_dataframe(metrics, filename, args): """Save F1 metrics""" df = pd.DataFrame(metrics, index=[0]) - path = Path(ARGS.savepath).joinpath(f'f1/{filename}.csv') + path = Path(args.savepath).joinpath(f'f1/{filename}.csv') df.to_csv(path, index=False) def run(args): args = candle.ArgumentStruct(**args) args.cuda = torch.cuda.is_available() - args.device = torch.device(f"cuda" if args.cuda else "cpu") - - if args.use_synthetic_data: - train_data, valid_data = get_synthetic_data(args) - - hparams = Hparams( - kernel1=args.kernel1, - kernel2=args.kernel2, - kernel3=args.kernel3, - embed_dim=args.embed_dim, - n_filters=args.n_filters, - ) - else: - train_data, valid_data = get_egress_data(tasks) - - hparams = Hparams( - kernel1=args.kernel1, - kernel2=args.kernel2, - kernel3=args.kernel3, - embed_dim=args.embed_dim, - n_filters=args.n_filters, - vocab_size=len(train_data.vocab) - ) + args.device = torch.device("cuda" if args.cuda else "cpu") + + train_data, valid_data = get_synthetic_data(args) + + hparams = Hparams( + kernel1=args.kernel1, + kernel2=args.kernel2, + kernel3=args.kernel3, + embed_dim=args.embed_dim, + n_filters=args.n_filters, + ) train_loader = DataLoader(train_data, batch_size=args.batch_size) valid_loader = DataLoader(valid_data, batch_size=args.batch_size) diff --git a/Pilot3/P3B7/prune.py b/Pilot3/P3B7/prune.py index 537baee6..5c85b832 100644 --- a/Pilot3/P3B7/prune.py +++ b/Pilot3/P3B7/prune.py @@ -128,7 +128,6 @@ def compute_mask(self, t, default_mask): # Check that the amount of units to prune is not > than the number of # parameters in t tensor_size = t.nelement() - tNP = t.detach().cpu().numpy() # Compute number of units to prune: amount if int, # else amount * tensor_size nparams_toprune = _compute_nparams_toprune(self.amount, tensor_size) @@ -234,6 +233,6 @@ def remove_prune_masks(model: nn.Module): prune.remove(module, name='weight') # prune 20% of connections in all linear layers elif isinstance(module, torch.nn.Linear): - prune.remove(module, name='weight', amount=0.2) + prune.remove(module, name='weight') return model diff --git a/Pilot3/P3B8/p3b8.py b/Pilot3/P3B8/p3b8.py index adf32c47..655ac6e0 100644 --- a/Pilot3/P3B8/p3b8.py +++ b/Pilot3/P3B8/p3b8.py @@ -1,9 +1,6 @@ import os -import sys file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) import candle diff --git a/Pilot3/P3B8/p3b8_baseline.py b/Pilot3/P3B8/p3b8_baseline_pytorch.py similarity index 100% rename from Pilot3/P3B8/p3b8_baseline.py rename to Pilot3/P3B8/p3b8_baseline_pytorch.py diff --git a/Pilot3/P3B9/README.md b/Pilot3/P3B9/README.md new file mode 100644 index 00000000..fe1c771a --- /dev/null +++ b/Pilot3/P3B9/README.md @@ -0,0 +1,12 @@ +## P3B9: Pretraining BERT on a small subset of PubMed abstracts + +**Overview**: This benchmark uses masked language learning to pretraing a BERT model. As it is only being trained on a small dataset, the purpose of this benchmark is to evaluate the pretraining performance on new accelerator hardware. + +**Files**: + +1. part-000000.tar is a tar achieve with a set of 1000 PubMed abstracts and formatted for [WebDataset](https://github.com/webdataset/webdataset). +2. pubmed_bert-vocab.txt is the tokenizer vocabulary. +3. bert_webdataset.py contains the model training code, relying heavily on [Huggingface Transformers](https://github.com/huggingface/transformers) +4. run.sh is a sample runscript for running this benchmark locally. + +Benchmark requires webdataset==0.1.62. diff --git a/Pilot3/P3B9/default_model.txt b/Pilot3/P3B9/default_model.txt new file mode 100644 index 00000000..bcbe628f --- /dev/null +++ b/Pilot3/P3B9/default_model.txt @@ -0,0 +1,21 @@ +[Global_Params] +model_name = 'p3b9' +output_dir = './outputs/' +train_bool = True +per_device_train_batch_size = 12 +gradient_accumulation_steps = 1 +max_len = 512 +learning_rate = 1e-4 +weight_decay = 0.0000 +adam_beta2 = 0.98 +adam_epsilon = 2e-8 +max_steps = 10 +warmup_steps = 1 +token_max_len = 128 +vocab_size = 30_000 +hidden_size = 768 +intermediate_size = 3072 +max_position_embeddings = 512 +num_attention_heads = 12 +num_hidden_layers = 12 +type_vocab_size = 2 diff --git a/Pilot3/P3B9/p3b9.py b/Pilot3/P3B9/p3b9.py new file mode 100644 index 00000000..71394034 --- /dev/null +++ b/Pilot3/P3B9/p3b9.py @@ -0,0 +1,125 @@ +import os + +file_path = os.path.dirname(os.path.realpath(__file__)) + +import candle + +additional_definitions = [ + {'name': 'per_device_train_batch_size', + 'type': int, + 'default': 16, + 'help': 'Batch per device in training'}, + {'name': 'gradient_accumulation_steps', + 'type': int, + 'default': 1, + 'help': 'Number of steps for accumulating gradient'}, + {'name': 'max_len', + 'type': int, + 'default': 512, + 'help': 'Max length for truncation'}, + {'name': 'weight_decay', + 'type': float, + 'default': 0.0000, + 'help': 'ADAM weight decay'}, + {'name': 'adam_beta1', + 'type': float, + 'default': 0.9, + 'help': 'ADAM beta1 parameter'}, + {'name': 'adam_beta2', + 'type': float, + 'default': 0.98, + 'help': 'ADAM beta2 parameter'}, + {'name': 'adam_epsilon', + 'type': float, + 'default': 2e-8, + 'help': 'ADAM epsilon parameter'}, + {'name': 'max_steps', + 'type': int, + 'default': 10, + 'help': 'Max training steps'}, + {'name': 'warmup_steps', + 'type': int, + 'default': 1, + 'help': 'Warmup steps'}, + {'name': 'model_name_or_path', + 'type': str, + 'default': None, + 'help': 'model name or path'}, + {'name': 'savepath', + 'type': str, + 'default': './pretrained', + 'help': 'config path for saving'}, + {'name': 'token_max_len', + 'type': int, + 'default': 128, + 'help': 'Max length for tokenizer'}, + {'name': 'name_pretrained_tokenizer', + 'type': str, + 'default': 'pubmed_bert-vocab.txt', + 'help': 'file name where pretrained tokenizer is stored'}, + {'name': 'dataset', + 'type': str, + 'default': 'part-000000.tar', + 'help': 'file name of dataset'}, + {'name': 'data_len_gpu', + 'type': int, + 'default': 1000, + 'help': 'Total data len per gpu'}, + {'name': 'vocab_size', + 'type': int, + 'default': 30_000, + 'help': 'Vocabulary size of the BERT model. Defines the number of different tokens that can be represented by the inputs_ids passed when calling BertModel or TFBertModel.'}, + {'name': 'hidden_size', + 'type': int, + 'default': 768, + 'help': 'Dimensionality of the encoder layers and the pooler layer.'}, + {'name': 'intermediate_size', + 'type': int, + 'default': 3072, + 'help': 'Dimensionality of the “intermediate” (often named feed-forward) layer in the Transformer encoder.'}, + {'name': 'max_position_embeddings', + 'type': int, + 'default': 512, + 'help': 'The maximum sequence length that this model might ever be used with. Typically set this to something large just in case (e.g., 512 or 1024 or 2048).'}, + {'name': 'num_attention_heads', + 'type': int, + 'default': 12, + 'help': 'Number of attention heads for each attention layer in the Transformer encoder.'}, + {'name': 'num_hidden_layers', + 'type': int, + 'default': 12, + 'help': 'Number of hidden layers in the Transformer encoder.'}, + {'name': 'type_vocab_size', + 'type': int, + 'default': 2, + 'help': 'The vocabulary size of the token_type_ids passed when calling BertModel or TFBertModel.'}, +] + +required = [ + 'per_device_train_batch_size', + 'gradient_accumulation_steps', + 'max_len', + 'learning_rate', + 'weight_decay', + 'adam_beta2', + 'adam_epsilon', + 'max_steps', + 'warmup_steps', +] + + +class BenchmarkP3B9(candle.Benchmark): + """ Benchmark for BERT """ + + def set_locals(self): + """ Set parameters for the benchmark. + + Args: + required: set of required parameters for the benchmark. + additional_definitions: list of dictionaries describing the additional parameters for the + benchmark. + """ + if required is not None: + self.required = set(required) + if additional_definitions is not None: + self.additional_definitions = additional_definitions diff --git a/Pilot3/P3B9/p3b9_baseline_pytorch.py b/Pilot3/P3B9/p3b9_baseline_pytorch.py new file mode 100644 index 00000000..0c723a58 --- /dev/null +++ b/Pilot3/P3B9/p3b9_baseline_pytorch.py @@ -0,0 +1,102 @@ +import torch +import p3b9 as bmk +import candle + +from transformers import ( + BertTokenizer, BertConfig, BertForMaskedLM, DataCollatorForLanguageModeling, Trainer, TrainingArguments, HfArgumentParser +) + +import webdataset as wd + + +class truncate(object): + + def __init__(self, max_len): + self.max_len = max_len + + def __call__(self, doc): + return doc[:self.max_len] + + +def initialize_parameters(): + """ Initialize the parameters for the P3B5 benchmark """ + + p3b9_bench = bmk.BenchmarkP3B9( + bmk.file_path, + "default_model.txt", + "pytorch", + prog="p3b9", + desc="BERT", + ) + + gParameters = candle.finalize_parameters(p3b9_bench) + return gParameters + + +def run(args): + + # Repair argument overlap by duplication + # (i.e. arguments that have the same function + # but slightly different names between CANDLE + # and hf parsers are copied from CANDLE keyword + # to expected hf keyword) + args['seed'] = args['rng_seed'] + if 'train_bool' in args.keys(): + args['do_train'] = args['train_bool'] + if 'eval_bool' in args.keys(): + args['do_eval'] = args['eval_bool'] + if 'epochs' in args.keys(): + args['num_train_epochs'] = args['epochs'] + + parser = HfArgumentParser((TrainingArguments)) + training_args = parser.parse_dict(args)[0] + print(training_args) + + # Convert from dictionary to structure + args = candle.ArgumentStruct(**args) + + trunc = truncate(args.max_len) + + print('total data len per gpu:', args.data_len_gpu) + dataset = wd.Dataset(args.dataset, + length=args.data_len_gpu, + shuffle=True).decode('torch').rename(input_ids='pth').map_dict(input_ids=trunc).shuffle(1000) + tokenizer = BertTokenizer.from_pretrained(args.name_pretrained_tokenizer) + + data_collator = DataCollatorForLanguageModeling( + tokenizer=tokenizer, mlm=True, mlm_probability=0.15 + ) + + config = BertConfig( + vocab_size=args.vocab_size, + hidden_size=args.hidden_size, + intermediate_size=args.intermediate_size, + max_position_embeddings=args.max_position_embeddings, + num_attention_heads=args.num_attention_heads, + num_hidden_layers=args.num_hidden_layers, + type_vocab_size=args.type_vocab_size, + ) + + if args.model_name_or_path is not None: + model = BertForMaskedLM.from_pretrained(args.model_name_or_path) + else: + model = BertForMaskedLM(config=config) + + trainer = Trainer( + model=model, + args=training_args, + data_collator=data_collator, + train_dataset=dataset + ) + + trainer.train() + trainer.save_model(args.savepath) + + +def main(): + params = initialize_parameters() + run(params) + + +if __name__ == "__main__": + main() diff --git a/Pilot3/P3B9/part-000000.tar b/Pilot3/P3B9/part-000000.tar new file mode 100755 index 00000000..3225133f Binary files /dev/null and b/Pilot3/P3B9/part-000000.tar differ diff --git a/Pilot3/P3B9/pubmed_bert-vocab.txt b/Pilot3/P3B9/pubmed_bert-vocab.txt new file mode 100755 index 00000000..4d6396c9 --- /dev/null +++ b/Pilot3/P3B9/pubmed_bert-vocab.txt @@ -0,0 +1,30000 @@ +[PAD] +[UNK] +[CLS] +[SEP] +[MASK] +! +" +# +$ +% +& +' +( +) +* ++ +, +- +. +/ +0 +1 +2 +3 +4 +5 +6 +7 +8 +9 +: +; +< += +> +? +@ +[ +\ +] +^ +_ +` +a +b +c +d +e +f +g +h +i +j +k +l +m +n +o +p +q +r +s +t +u +v +w +x +y +z +{ +| +} +~ +¡ +¢ +£ +¤ +¥ +¦ +§ +¨ +© +ª +« +¬ +® +¯ +° +± +² +³ +´ +µ +¶ +· +¸ +¹ +º +» +¼ +½ +¾ +¿ +× +ß +æ +ð +÷ +ø +þ +đ +ħ +ı +ĸ +ł +ŋ +œ +ƅ +ƍ +ƒ +ƙ +ƛ +ƞ +ƭ +ƴ +ƶ +ƹ +ƺ +ƿ +ǀ +ǁ +ǂ +ȣ +ȥ +ȶ +ɂ +ɐ +ɑ +ɒ +ɓ +ɔ +ɕ +ɖ +ə +ɚ +ɛ +ɝ +ɡ +ɣ +ɤ +ɦ +ɨ +ɩ +ɪ +ɫ +ɬ +ɭ +ɮ +ɯ +ɲ +ɳ +ɵ +ɶ +ɷ +ɸ +ɹ +ɻ +ɾ +ɿ +ʀ +ʁ +ʂ +ʃ +ʅ +ʈ +ʉ +ʊ +ʋ +ʌ +ʎ +ʏ +ʐ +ʒ +ʔ +ʘ +ʝ +ʟ +ʦ +ʧ +ʰ +ʱ +ʲ +ʹ +ʺ +ʼ +ʾ +ˁ +˂ +˃ +˄ +ˆ +ˇ +ˉ +ː +ˑ +˖ +˘ +˙ +˚ +˜ +˝ +˞ +˟ +ˣ +ˤ +˧ +˨ +˩ +˪ +˫ +˭ +ˮ +˴ +ͻ +΁ +΄ +α +β +γ +δ +ε +ζ +η +θ +ι +κ +λ +μ +ν +ξ +ο +π +ρ +ς +σ +τ +υ +φ +χ +ψ +ω +ϐ +ϑ +ϒ +ϕ +ϖ +ϫ +ϭ +ϰ +ϱ +ϲ +ϵ +а +б +в +г +д +е +ж +з +и +к +л +м +н +о +п +р +с +т +у +ф +х +ц +ч +ш +щ +ы +ь +э +ю +я +є +ѕ +і +ј +ћ +ѱ +ѳ +ѵ +ґ +қ +ҝ +ҟ +ҡ +ҫ +ү +ұ +һ +ӏ +ө +ԏ +ԑ +՛ +փ +־ +׀ +א +י +ץ +ש +ת +׳ +، +ا +ب +ة +ت +ج +ح +خ +د +ر +ز +س +ض +ع +ـ +ف +ق +ل +م +ن +ه +و +١ +٢ +٬ +٭ +چ +ک +ی +ߚ +ߝ +ࣈ +क +च +ण +प +ल +ा +ം +അ +ഇ +ഈ +ഉ +എ +ക +ഗ +ങ +ച +ട +ഠ +ണ +ത +ദ +ധ +ന +പ +ഫ +ബ +ഭ +മ +യ +ര +റ +ല +ള +വ +ശ +ഷ +സ +ാ +ി +െ +േ +ൈ +ൗ +ก +ข +ง +ต +น +บ +ฝ +ฟ +ร +ว +ศ +ห +อ +า +ใ +ခ +ᄀ +ᄁ +ᄂ +ᄃ +ᄄ +ᄅ +ᄆ +ᄇ +ᄈ +ᄉ +ᄋ +ᄌ +ᄎ +ᄏ +ᄐ +ᄑ +ᄒ +ᅟ +ᅡ +ᅢ +ᅣ +ᅥ +ᅦ +ᅧ +ᅨ +ᅩ +ᅪ +ᅬ +ᅭ +ᅮ +ᅯ +ᅰ +ᅱ +ᅲ +ᅳ +ᅴ +ᅵ +ᆨ +ᆩ +ᆪ +ᆫ +ᆭ +ᆯ +ᆴ +ᆷ +ᆸ +ᆺ +ᆻ +ᆼ +ᆾ +ᆿ +ᇂ +ᐃ +᛫ +ᴂ +ᴅ +ᴋ +ᴐ +ᴓ +ᴨ +ᴪ +ᴵ +ᴷ +ᴺ +ᴼ +ᴽ +ᵀ +ᵃ +ᵄ +ᵒ +ᵝ +ᵦ +ᵧ +ᵪ +ᵶ +ᶲ +ẟ +᾽ +᾿ +῾ +‐ +‑ +‒ +– +— +― +‖ +‘ +’ +‚ +‛ +“ +” +„ +‟ +† +‡ +• +‥ +… +‧ +‰ +‱ +′ +″ +‴ +‹ +› +※ +‾ +⁁ +⁃ +⁄ +⁎ +⁓ +⁗ +⁰ +ⁱ +⁴ +⁵ +⁶ +⁷ +⁸ +⁹ +⁺ +⁻ +ⁿ +₀ +₁ +₂ +₃ +₄ +₅ +₆ +₇ +₈ +₉ +₋ +ₐ +ₘ +ₙ +₤ +₦ +₩ +€ +₳ +₵ +₹ +⃝ +ℂ +℃ +℅ +ℇ +℉ +ℋ +ℍ +ℎ +ℏ +ℑ +ℒ +ℓ +ℕ +№ +℗ +ℙ +ℛ +ℜ +ℝ +℠ +™ +ℤ +℧ +ℬ +ℰ +ℱ +ℳ +ℴ +ℵ +ℼ +ⅅ +⅓ +⅔ +⅗ +⅙ +⅚ +⅛ +⅜ +⅝ +ⅰ +ⅱ +ⅲ +ⅳ +ⅴ +ⅵ +ⅶ +ⅷ +ⅸ +ⅹ +ⅺ +ⅻ +← +↑ +→ +↓ +↔ +↕ +↗ +↙ +↝ +↦ +↵ +↷ +↼ +⇀ +⇄ +⇆ +⇇ +⇋ +⇌ +⇐ +⇑ +⇒ +⇓ +⇔ +⇝ +⇨ +∀ +∂ +∃ +∅ +∆ +∇ +∈ +∊ +∋ +∏ +∐ +∑ +− +∓ +∕ +∖ +∗ +∘ +∙ +√ +∛ +∝ +∞ +∠ +∡ +∢ +∣ +∥ +∧ +∨ +∩ +∪ +∫ +∴ +∶ +∷ +∸ +∼ +∽ +∾ +≂ +≃ +≅ +≈ +≊ +≌ +≍ +≏ +≐ +≑ +≒ +≔ +≙ +≜ +≡ +≣ +≤ +≥ +≦ +≧ +≪ +≫ +≲ +≳ +≺ +≻ +≽ +≾ +≿ +⊂ +⊃ +⊆ +⊔ +⊕ +⊖ +⊗ +⊘ +⊙ +⊝ +⊞ +⊠ +⊣ +⊤ +⊥ +⊿ +⋃ +⋄ +⋅ +⋆ +⋊ +⋘ +⋙ +⋜ +⋝ +⋮ +⋯ +⌀ +⌈ +⌉ +⌊ +⌋ +⌖ +⌜ +⌝ +⌢ +⍛ +⍦ +⍴ +⍵ +⍺ +⎕ +⎼ +␣ +① +② +③ +④ +⑤ +⑥ +⑦ +⑧ +⑨ +⑩ +⑶ +ⓒ +ⓝ +ⓡ +─ +│ +┤ +┬ +┴ +═ +║ +╪ +╳ +░ +▒ +▓ +■ +□ +▪ +▫ +▬ +▲ +△ +▴ +▵ +▶ +▸ +► +▼ +▽ +▾ +▿ +◆ +◊ +○ +◎ +● +◦ +◻ +★ +☆ +☉ +☐ +☓ +☺ +♀ +♂ +♦ +♪ +♭ +♯ +✓ +✕ +✴ +✶ +➀ +➁ +➔ +➝ +➢ +➤ +⟂ +⟦ +⟧ +⟨ +⟩ +⟵ +⟶ +⟷ +⠙ +⦁ +⦵ +⧎ +⧧ +⧸ +⧹ +⨪ +⨯ +⩒ +⩽ +⩾ +⪅ +⪆ +⪍ +⪝ +⪡ +⪢ +⫹ +⫽ +⬇ +⬛ +⬜ +⬡ +⬢ +⬰ +ⱔ +ⱪ +ⵙ +⸰ +⸱ +⸳ +⿥ +⿿ +、 +。 +〈 +〉 +《 +》 +「 +」 +『 +【 +】 +〓 +〔 +〕 +〖 +〗 +〜 +〝 +〟 +〰 +い +ふ +ア +カ +コ +メ +リ +・ +ー +ㅏ +ㅑ +ㅓ +ㅗ +ㅜ +ㆍ +㎍ +㎖ +㎛ +㎥ +汤 +꞉ +꞊ +ꞌ +ꞵ +ꭃ +ff +fi +fl +ffi +ffl +︰ +﹑ +﹒ +﹛ +﹤ +﹥ +" +$ +% +& +' +( +) +* ++ +, +- +. +: +; +< += +> +[ +] +_ +c +i +v +{ +| +} +~ +、 +・ +ァ +ア +オ +セ +タ +モ +ᅳ +¢ +¬ +¥ + +𝐑 +𝐟 +𝐫 +𝑃 +𝑅 +𝑑 +𝑒 +𝑘 +𝑛 +𝑝 +𝑡 +𝑥 +𝒆 +𝒙 +𝒞 +𝒟 +𝒩 +𝒪 +𝒫 +𝒮 +𝒯 +𝔇 +𝔉 +𝔐 +𝔹 +𝕀 +𝖱 +𝚿 +𝛆 +𝛋 +𝛹 +𝛼 +𝛽 +𝛾 +𝜀 +𝜂 +𝜃 +𝜅 +𝜇 +𝜒 +𝜖 +𝜗 +𝝁 +##k +##b +##0 +##a +##s +##c +##u +##l +##o +##t +##r +##p +##h +##i +##e +##v +##n +##g +##5 +##3 +##d +##y +##j +##4 +##f +##1 +##8 +##m +##z +##2 +##7 +##9 +##x +##6 +##q +##w +##™ +##® +##μ +##° +##π +##√ +##⁻ +##´ +##× +##α +##∙ +##± +##₂ +##₄ +##ⅰ +##≤ +##δ +##→ +##∕ +##− +##∼ +##² +##λ +##˙ +##µ +##─ +##═ +##₁ +##¼ +##₃ +##£ +##⁺ +##∶ +##≥ +##⁴ +##᾽ +##æ +##₋ +##₀ +##ε +##➔ +##ø +##³ +##β +##ν +##ι +##і +##о +##º +##ρ +##≡ +##≪ +##₅ +##© +##ɑ +##р +##⋅ +##κ +##ı +##γ +##∗ +##≈ +##ł +##≳ +##⁵ +##≲ +##θ +##ⅱ +##т +##↓ +##⇇ +##↔ +##∆ +##φ +##≃ +##ȥ +##⋯ +##ω +##⁶ +##ο +##⁸ +##¹ +##΄ +##ʋ +##∞ +##⇌ +##ⅲ +##₆ +##σ +##ð +##œ +##𝜃 +##с +##⬜ +##fi +##⁷ +##ɣ +##¯ +##⩽ +##а +##∑ +##₈ +##▒ +##~ +##₇ +##∇ +##> +##♂ +##ß +##∝ +##= +##˃ +##℃ +##χ +##τ +##ψ +##≫ +##е +##∥ +##⊥ +##← +##⁰ +##➝ +##ϕ +##┴ +##υ +##¨ +##ᅡ +##ᄅ +##ᅳ +##ᄌ +##ᅵ +##м +##fl +##˜ +##η +##⧹ +##ℏ +##△ +##⊃ +##ᆫ +##ᄉ +##ᅮ +##ᄒ +##ᅪ +##ᄏ +##ᅧ +##ᄂ +##₉ +##≅ +##ζ +##ː +##⩾ +##+ +##ᅲ +##ᄀ +##↼ +##≦ +##¥ +##ɕ +##◎ +##€ +##⁹ +##⊖ +##↑ +##≧ +##⬢ +##ട +##ം +##ബ +##ങ +##ള +##ി +##ല +##െ +##¢ +##♀ +##∫ +##÷ +##∅ +##ɵ +##ʒ +##␣ +##⍺ +##∈ +##≏ +##¬ +##˚ +##⩒ +##и +##н +##в +##│ +##đ +##≽ +##< +##∷ +##ᄎ +##ᆯ +##ᄋ +##ᅦ +##∘ +##ξ +##പ +##ന +##ാ +##ᴂ +##⊠ +##ᆨ +##ᅥ +##● +##⊂ +##½ +##⁄ +##ꞵ +##↷ +##∏ +##ɛ +##у +##з +##л +##х +##ⅳ +##ƹ +##ⓡ +##⬰ +##ǀ +##⊕ +##𝜀 +##ی +##ن +##ണ +##қ +##ɷ +##■ +##ᆼ +##∧ +##ff +##ക +##¸ +##ᵒ +##þ +##∓ +##ℓ +##ᆷ +##𝐑 +##ϵ +##∖ +##○ +##ᅴ +##ᅬ +##ª +##ф +##ᅩ +##ᄑ +##ℇ +##⟶ +##ᄆ +##ᆻ +##ᄁ +##ꞌ +##ʃ +##□ +##ə +##⇝ +##∣ +##i +##v +##ᅟ +##ʰ +##℅ +##⋆ +##⊙ +##𝒆 +##യ +##ƛ +##ɔ +##ʁ +##˨ +##˩ +##ffi +##⊘ +##ര +##ഷ +##⪢ +##ς +##േ +##⊗ +##ㆍ +##д +##к +##ю +##ʀ +##ѱ +##⇋ +##¦ +##∩ +##⇄ +##г +##⧧ +##ɤ +##ा +##ल +##क +##ℱ +##∂ +##б +##ц +##▪ +##я +##᾿ +##ᅢ +##⨪ +##◦ +##∽ +##˝ +##ǁ +##ffl +##ĸ +##˂ +##░ +##⿿ +##ɚ +##ʼ +##¾ +##ⅷ +##⇔ +##ᄇ +##ⅴ +##و +##ᄃ +##¢ +##ⅸ +##ч +##ⱪ +##ᴼ +##ˆ +##є +##ь +##ℝ +##ɪ +##ɾ +##ฟ +##น +##١ +##ൗ +##ത +##п +##ᆪ +##┬ +##② +##ᆸ +##オ +##ه +##ک +##د +##ഗ +##ɯ +##ⅶ +##ㅓ +##║ +##ʾ +##ߚ +##ᄄ +##ᇂ +##ـ +##ⁿ +##ل +##ز +##ع +##ر +##ᅭ +##リ +##メ +##カ +##⇒ +##⋮ +##≊ +##ⁱ +##↦ +##∊ +##ʉ +##⍵ +##വ +##ᴋ +##മ +##ʲ +##↕ +##ш +##ж +##﹥ +##≑ +##¤ +##ƒ +##⟵ +##𝛆 +##า +##ก +##ұ +##ᅨ +##✕ +##ധ +##ɸ +##♭ +##ʹ +##≣ +##ϲ +##ϖ +##ˮ +##ħ +##ʊ +##ʔ +##⅓ +##ы +##ച +##≒ +##ʘ +##⃝ +##⫽ +##⊿ +##ว +##〓 +##𝒯 +##ˉ +##∴ +##ƙ +##𝛽 +##▬ +##⇆ +##ᶲ +##ₐ +##ใ +##ต +##บ +##ᆭ +##≐ +##ᅰ +##ˑ +##ƞ +##ϒ +##˭ +##ŋ +##▽ +##ƴ +##ө +##⊝ +##⟷ +##☓ +##⋙ +##𝐟 +##ˇ +##ϱ +##⋜ +##˞ +##э +##อ +##ง +##˘ +##ӏ +##م +##ة +##ͻ +##ϰ +##റ +##⦁ +##ǂ +##◻ +##☺ +##⨯ +##ʏ +##⪡ +##ℤ +##˧ +##⊣ +##ɓ +##ℕ +##ɐ +##⊆ +##▵ +##㎍ +##ℜ +##˄ +##⟂ +##ᅱ +##٢ +##℠ +##▼ +##ʱ +##ɮ +##ア +##സ +##ϑ +##һ +##ʎ +##꞉ +##ʟ +##ᆩ +##ᅣ +##ൈ +##ദ +##┤ +##⧸ +##ശ +##ɩ +##ℒ +##ɹ +##⪆ +##𝚿 +##↝ +##ᴵ +##ᴺ +##ᴷ +##ᵃ +##ᵦ +##∠ +##ɬ +##∪ +##⬡ +##ഠ +##⅔ +##ℵ +##ҝ +##≍ +##⇀ +##﹤ +##ɒ +##ѳ +##ʌ +##⋘ +##ˁ +##ج +##ᅯ +##ᆾ +##𝜅 +##ⅺ +##℗ +##ഭ +##ϐ +##ү +##¬ +##タ +##モ +##ј +##ɦ +##ⅵ +##★ +##↵ +##ˣ +##˴ +##④ +##⎼ +##ᵝ +##⌖ +##ᴐ +##⊤ +##⌀ +##ᴪ +##ƭ +##♯ +##ʂ +##≺ +##☉ +##₵ +##∋ +##ˤ +##ɶ +##ℎ +##₤ +##ₙ +##⪅ +##ҫ +##⇑ +##⇓ +##ᄐ +##℧ +##♦ +##ー +##▴ +##ћ +##ⅹ +##ϭ +##≻ +##ʐ +##ҡ +##③ +##⍦ +##ⓒ +##ᆺ +##⍛ +##⌢ +##ᆿ +##ҟ +##ᵧ +##ᴽ +##꞊ +##ȣ +##≔ +##ふ +##ℂ +##¥ +##ꭃ +##س +##ت +##ɳ +##ɭ +##ᵀ +##א +##ש +##י +##ת +##ɂ +##♪ +##ห +##ร +##☐ +##╳ +##ㅜ +##セ +##▓ +##⑩ +##ɨ +##ߝ +##≿ +##◊ +##ا +##▿ +##ʺ +##𝒞 +##① +##↙ +##ᐃ +##☆ +##| +##ق +##ѕ +##ₘ +##ᆴ +##𝑡 +##𝑒 +##𝑛 +##𝑑 +##∀ +##˖ +##⌝ +##ti +th +##er +##on +##es +##en +##ed +##in +the +in +##al +##at +an +of +##or +##an +##tion +##ro +and +##as +##ic +##it +##ar +##ec +##is +##el +##ent +##re +##ing +to +##ation +##ol +##ul +##et +##om +##ac +##os +##ur +##id +##ly +##ith +##us +##le +##ve +##tr +pro +with +con +##th +##ter +##ig +##ati +##uc +for +re +##ere +##ts +##em +##il +##ated +as +##if +##am +ex +##un +##ess +is +##ow +##od +##im +##ce +##um +st +was +##oc +##ir +that +##ut +ac +##ity +res +##tic +##op +##ell +on +##ot +##ate +were +al +by +##ab +com +be +##ion +ch +##ys +##og +##ev +##ain +wh +##rom +##ag +##di +##ph +##ect +##ment +##ib +##ant +su +or +pr +##ine +##pl +##ical +##ers +##ase +tr +cell +##ff +##ep +##tin +##ad +im +at +##ap +we +##tiv +##igh +##ents +en +dis +sp +##te +are +##ud +ad +this +inc +comp +##iv +##qu +from +us +##ay +##iz +sh +##ure +ne +##ence +exp +##duc +##ans +ph +un +##ign +##ations +##ific +##fer +##tive +##yp +##ous +eff +gen +##ens +##ch +##ons +##ial +rec +##ress +##ip +##orm +##evel +pati +##por +per +##ore +ap +str +##oun +##enti +##ted +##ely +##bs +ass +##ting +##ese +met +##tor +##ular +##erm +##ge +sign +##oth +##yl +##ia +inf +dif +##ies +cl +these +##ich +gro +##ased +patients +cells +high +trans +can +##ug +par +pl +cont +##olog +rel +inter +co +##ding +ha +##ear +not +de +bet +resp +##ver +##tions +##st +activ +##ges +resul +##ary +incre +##ym +##up +differ +pre +##ance +reg +##reat +mod +##tein +##enc +mic +spec +am +which +##ath +##ost +ev +stud +##ally +show +##ose +##ative +##der +have +study +car +det +anal +se +protein +cons +signific +me +##ression +##ist +inv +##and +##ast +##pro +##ide +##able +##ong +pres +##atin +##ound +##all +##age +##ved +significant +##end +ab +##we +all +##ari +di +ind +##yn +int +conc +anti +##iti +##per +##ates +##ther +##na +##unc +af +##ra +##ected +##ween +##ox +sur +between +than +##ects +##vi +##ever +##ue +##ach +##one +##yst +group +##ech +no +10 +cor +results +##rol +level +tw +sc +##hib +##ros +ar +##ection +ag +##oll +##port +but +##ied +##tim +##cr +##oci +##ak +bi +##entr +##ory +it +##ility +##ulation +after +meth +##est +##ight +has +##so +##ual +fac +been +##reatment +le +compar +##ugh +##yt +##ating +##ases +el +pos +he +##ome +##form +also +two +both +induc +treatment +using +##mun +med +##evelop +##ive +bl +ca +develop +dec +dur +##our +red +##ogen +##udi +##acter +fl +##ism +##ized +more +##ater +studi +respons +##ree +may +dep +##ob +##unction +analys +##cess +associ +control +##ood +their +low +inhib +##anc +##ors +##br +##ass +sug +vari +##gen +##ystem +##lud +form +gl +sub +how +chan +produc +expression +##act +sugges +##ri +des +##ological +##ub +gene +ser +##iss +activity +during +system +##ill +tim +reduc +##ition +##ease +dat +id +##inding +dr +suc +##00 +used +mon +##uld +##alu +sim +there +##ined +model +##ures +##uct +obs +man +em +pol +sam +es +typ +up +hyp +##osis +function +##ond +##ole +##yd +##ective +acc +##ium +##ential +increased +factor +hum +##ays +syn +##dition +method +pot +##ult +##cl +##atic +##ite +##out +##erap +immun +##plic +data +found +present +other +##ution +obser +levels +##cer +##ization +##ple +path +its +##ectiv +##tain +analysis +one +##eth +##ane +##tal +concentr +over +different +under +##ace +##urr +indic +meas +effects +effect +##gr +##vid +dem +however +clin +ins +non +##entif +##action +##ile +had +associated +end +acid +##ici +fr +showed +sup +exper +##tig +ob +includ +##ew +##esis +significantly +##echan +##cc +specific +##av +studies +induced +op +br +qu +mol +##ants +time +##atory +contr +##ish +##onstr +##amm +char +subs +mechan +compared +##ard +identif +ma +inhibit +##agn +##itive +cr +##als +human +appro +our +corr +disease +determ +inves +based +investig +use +tum +infl +foll +when +rem +year +##oid +into +##erg +struct +decre +most +clinical +##tern +##osph +ep +sm +heal +sel +##ail +##eptor +min +##ions +micro +perform +such +##lex +out +well +##tical +only +##ently +##ences +##ability +##oph +##asm +ox +sec +def +##arg +##ination +##pt +##ities +receptor +##tid +follow +20 +mem +partic +import +##ork +process +demonstr +##ency +##ik +observed +grow +therap +##ild +gener +exam +health +molec +##ectively +ris +##ature +##own +fur +##ydro +##ucle +##iqu +three +rat +##ments +sens +character +##ormal +rep +aff +response +mul +intr +cancer +mut +##rough +##mon +loc +num +addition +##til +##ible +##och +##ulated +evalu +##etr +higher +##ber +12 +tiss +##ark +sol +col +##etic +cd +development +new +##ology +mechanism +##ains +kn +cyt +##ural +##inal +fir +role +caus +##ack +##endent +type +term +##ov +##raph +occ +##usion +##ten +pred +fe +experim +through +##ix +neu +##onic +potential +##ery +mal +stim +19 +##ds +risk +peri +cal +##ough +app +##ines +##idence +first +related +##ven +##tit +##ize +increase +##ok +##over +ra +sequ +drug +invol +mg +imp +##osed +vir +##ren +##aining +##ders +##ute +blood +dna +##les +rate +binding +changes +##xim +important +del +assess +impro +##gan +##ured +##roph +##ps +mor +phosph +complex +##ement +tes +growth +could +where +po +hydro +medi +simil +il +so +##its +mice +mus +##arly +##ited +ran +prom +##fore +gr +tre +##ock +##cop +##ograph +##zym +##cle +groups +age +##echn +cap +respectively +those +inj +##ental +repor +my +extr +ii +within +while +##tained +lik +nucle +main +##pha +pop +##oma +##res +reve +##ha +disc +techn +diagn +##rop +##und +prob +cy +surf +proteins +normal +##abol +bas +prim +##ful +plasm +##vers +##ues +years +tem +conf +15 +vit +suggest +species +correl +long +##ody +comb +flu +##air +sever +antib +fre +post +bec +mo +tumor +val +##ene +requ +##eng +including +##ior +##ether +less +##eter +##ived +chem +dir +number +fib +cases +##cin +factors +multi +reveal +phys +genes +##crip +do +##otyp +##ages +similar +##ould +##arge +##vious +poss +among +total +some +finding +metabol +ps +synth +##ties +ol +sampl +lim +enzym +coll +##iel +##istic +##cular +prot +abs +##ational +lower +pat +each +ext +##ocyt +er +##earch +indi +isol +##otic +frequ +reduced +##urs +membr +organ +great +adm +##iver +##ade +predic +mm +##ically +##ites +here +enh +dependent +previous +they +tissue +##arget +##ort +rats +did +##fl +##ider +child +11 +##ex +further +target +##ms +##tivity +##led +##ft +resist +concentration +sing +curr +##vir +subj +prop +presence +##ores +approach +##ressed +##view +##ditions +##ake +patient +cult +identified +beha +lip +##jor +small +##crib +concentrations +##trib +mean +major +conditions +ir +##equ +mark +pathw +##atal +##gf +mat +##ily +calc +dom +neur +individ +work +due +##ise +##ption +behavi +14 +alpha +##ativ +phen +##ified +test +##eptid +##par +molecular +four +positive +ele +pe +treated +influ +consider +##ins +signal +##ek +decreased +activation +prog +surface +##old +hyper +##onal +##ectr +beta +period +single +findings +anim +##use +days +individual +25 +##ink +##actions +brain +sl +##ately +provid +radi +proper +##ne +mr +##ric +##ung +##ither +##oh +expl +revealed +##ross +##ival +##med +alth +transcrip +although +investigated +##ang +av +30 +lead +performed +##ning +water +therapy +##ct +class +##istr +obtained +13 +line +initi +prov +samples +##ained +der +##amic +prol +who +second +dose +sym +thus +##ty +stress +several +pattern +common +lab +##omy +plasma +reported +vol +##plet +##ogn +##ness +hem +without +##omes +research +studied +chrom +demonstrated +aut +##omen +##ymph +##yz +##ale +bacter +regul +neg +about +month +cardi +differences +unders +##viron +functional +day +hep +evidence +ml +enhanc +sk +admin +describ +##ax +##cs +valu +kg +os +nan +early +elect +again +##af +18 +structure +##lish +lymph +##ield +measure +serum +production +gluc +if +##oles +ret +vitro +week +##ellular +50 +underst +infection +##roscop +##fic +est +nov +##ascular +##ulin +techniqu +vis +region +need +expos +##val +##ength +16 +membrane +surg +formation +inform +large +inflamm +##ateg +care +review +gly +methods +electr +phase +00 +##ension +##ind +polym +range +##asing +24 +cle +requir +pur +environ +bre +##ocytes +developed +##ick +quan +local +##icient +##hip +sev +genetic +##int +surv +##eration +measured +##gre +contrib +##oss +against +##erv +following +exc +##vention +##ules +##acy +appear +mechanisms +applic +oxid +carb +##ety +either +##ital +fem +##erc +fam +press +##ensity +##uss +virus +##ulations +same +shown +known +##ord +div +many +##yr +provide +various +##omic +children +neuro +##ice +nm +whereas +prec +direct +properties +##ator +##emia +##ause +responses +equ +temper +mater +##tered +liver +ec +design +examined +pers +dim +100 +free +exposure +determined +values +population +involved +distrib +rati +##amin +##arm +sus +prof +compound +05 +##icity +primary +aim +lif +tra +##amine +##opl +chr +lit +##ylation +200 +viv +##aneous +compon +relations +novel +param +tox +coun +##ae +sep +##ptom +effective +should +amin +##ced +differenti +analyz +kin +bone +##cent +##ynamic +##iven +like +sal +##eu +adv +vivo +set +17 +mit +hel +##ography +body +improve +ang +##ification +ms +information +will +because +inhibition +case +mass +##tis +##are +mediated +cir +qual +vi +peptid +lo +environment +##ocy +estim +flow +##ian +greater +repres +detected +order +strong +current +supp +multiple +whether +poly +subjects +##ient +nec +##aging +arter +relationship +muscle +disor +##inant +therefore +occurr +complet +cycl +resid +##ving +state +enzyme +models +##atively +loss +ov +resistance +women +##olution +##elial +##atis +diet +rap +indicate +ul +size +hear +muc +hist +survival +months +ro +hypoth +link +part +negative +##plant +##ials +site +pressure +phot +outc +transcription +##uk +enc +##ward +particular +exhib +symptom +stand +ach +performance +##acellular +##ening +stimul +conduc +energ +discuss +nit +behavior +hom +##osp +##ardi +characteristic +evaluated +mac +reduction +pul +active +##eutic +##uted +##eters +##ablish +confir +ren +ur +weight +chronic +##ire +##lor +possible +##ochem +gu +increasing +##active +##ogenesis +strateg +contrast +establish +##cep +les +recom +change +##iciency +##ission +rh +##opt +rece +##ych +##sp +animals +sch +containing +life +determine +sequence +morph +block +##itis +##tric +##aps +rates +##amp +oper +particip +##atures +his +##anding +highly +##erative +##ometr +before +sin +release +amino +acute +##itivity +##ections +##therm +##ication +95 +pap +allow +prolif +##odies +##ably +##ule +##ouse +expressed +lung +any +diagnosis +reaction +avail +secre +##ists +systems +##ogenic +##ensive +##bl +previously +##tegr +energy +via +temperature +mrna +##elet +decrease +##app +sites +super +cm +40 +##istration +##ury +##tex +experimental +derived +rapid +pathway +isolated +cellular +therapeutic +##ulf +net +##acc +##emic +ratio +report +prepar +##els +result +optim +##nal +magn +##ides +##ner +##ams +assay +##osition +21 +##eric +##iological +##eral +fil +##az +dise +very +apopt +##tory +detection +regulation +##itor +fail +##ves +being +indep +foc +controls +area +##astic +tested +##ateral +commun +identify +produced +interaction +eth +immune +maxim +diab +integr +##ands +five +##ters +receptors +caused +contin +##rome +ability +01 +centr +quality +rna +##ie +##thermore +types +prac +furthermore +signaling +recent +frequency +##ces +demonstrate +##uth +glucose +neurons +##ygen +then +diseases +parameters +##otype +success +fat +da +administration +bio +proced +gra +sex +##ids +##roscopy +##ey +required +general +approxim +lig +carcin +six +atten +experiments +##ually +light +##ust +cent +support +##ull +distribution +60 +consist +content +201 +indicated +##rh +vs +##ytic +electro +##cept +##inc +##orph +spect +##orption +##ns +circ +nor +heter +##omp +pd +death +pub +##ount +##otox +association +##cence +characterized +weeks +##atus +overall +ve +field +phosphor +##otherap +compounds +standard +enhanced +##ised +cross +relative +synthesis +family +kinase +##ances +play +dam +##oses +add +glyc +analyzed +interactions +##ording +sw +heart +inflammatory +acet +##plied +processes +22 +proble +tissues +strains +hosp +pain +##ision +##ially +value +dynamic +transfer +insulin +progr +gas +biological +sensitivity +cat +stage +sour +manag +nat +male +##ended +volum +accum +accur +##asis +concl +psych +##verage +##truc +difference +inhibited +##izing +##work +##ta +dys +substr +density +##unctions +regions +cere +##gn +##ode +##itu +separ +##da +dev +##ostic +att +suggesting +recogn +##ones +down +influence +combination +stimulation +##ising +##iving +even +bel +##ler +cri +scre +##uble +activities +mouse +wor +##50 +self +##tle +adj +elev +symptoms +##eding +000 +tub +pc +mix +tak +subst +##vent +pharm +available +understanding +promo +considered +##row +##tinal +##grad +##ondr +##rogen +hy +ess +short +##plications +mir +chall +quantit +spectr +food +drugs +catal +##icular +recover +investigate +bene +injury +na +assessed +followed +network +represent +##pec +her +##itation +applied +presented +adh +mar +fin +approximately +chemical +##ols +better +focus +orig +length +imaging +##ochondr +fluores +synd +might +renal +included +##ask +characteristics +given +##iev +##olic +correlation +##andom +alter +oxygen +sensitive +cs +biom +cause +transm +experi +23 +##ators +proposed +obj +##opath +##plement +##ude +##tial +surgery +analyses +chann +severe +##enz +ct +strain +adult +since +##orb +##yth +##10 +medical +random +##tif +impair +technique +proliferation +##grees +monitor +inhibitor +##ocyte +ver +degrees +##omal +epith +resulted +individuals +breast +old +##ocial +##ecting +statis +poor +culture +##pr +mitochondr +##de +tumors +##otherapy +##abil +revers +001 +comparis +##tib +described +domain +##ration +##ged +cop +activated +antibody +central +methyl +##fusion +pa +##oy +healthy +##ibility +ig +##ologic +##roc +independent +improved +mutations +lay +conclud +them +##medi +key +##ference +##ling +##inetic +apoptosis +hydrox +sample +condition +##ysis +aden +carr +affected +prote +##tine +diss +##lying +##esp +hiv +correlated +structures +features +increases +molecules +##ron +antigen +often +step +antibodies +left +management +glut +subsequ +skin +##ops +action +##ices +suggested +displ +patterns +util +moreover +useful +functions +ax +##round +plant +structural +men +##opro +continu +larg +mortal +paper +##ochemical +capac +chain +##olar +impact +##oxid +electron +times +lack +likely +dist +##acts +suggests +repe +##bers +sil +distin +initial +areas +pathways +##line +fold +##vement +mortality +##inary +average +differentiation +effic +ci +hospital +##ours +##ressive +oste +cre +horm +ion +peptide +hypert +##bry +evaluate +least +##utions +##nf +##pa +##etes +##ancy +know +##otor +##ower +##till +vers +28 +volume +mel +ultr +critical +polymer +##agon +depend +ant +##ii +would +lesions +##ma +cardiac +lipid +endoth +damage +essential +##reg +acids +##enced +chlor +vascular +cur +##red +adap +lines +##adi +ques +valid +metast +limited +made +##arc +pcr +percent +te +##gl +##ales +##ogene +embry +abn +##oplasm +therm +confirmed +epid +##onding +application +##me +preval +recently +fer +hal +corresp +air +##ture +components +visual +index +plat +across +##agen +host +##ustr +syndrome +##nas +combined +divers +altern +observ +ventr +##iotic +tog +et +##utr +asp +transl +35 +##upl +minim +##ethyl +##ographic +metabolism +few +together +wild +##romb +pregn +199 +provides +##ier +techniques +solution +degrad +##otid +good +##inity +nuclear +vacc +status +efficacy +abnormal +according +agents +##ets +back +##ining +social +##uture +established +chromos +##amma +##ont +##trans +pharmac +cer +toward +##ored +ill +physical +bar +##of +calcium +peak +star +hr +conducted +##urn +##yro +saf +populations +26 +stem +##iter +##ulate +##anol +still +microm +female +##ocardi +##pose +80 +transport +sulf +frag +conclusion +affect +periph +atp +iii +measurements +metabolic +refl +scale +ster +carbon +consistent +cycle +##ledge +thir +colon +##12 +lat +infected +##go +natural +##ca +transform +load +upon +##take +mig +##iat +##terior +task +additional +angi +artic +##produc +resulting +##ogenous +real +knowledge +oral +ampl +dop +prior +##ying +comparison +hand +leuk +detect +disorders +##ieved +basis +90 +bacterial +sod +##tically +transplant +##omer +##iting +incidence +experiment +occurred +sequences +mutant +espec +assessment +especially +off +does +mes +emerg +capacity +products +pig +cytok +##emb +youn +##operative +future +##monary +32 +medium +##omas +27 +consum +clear +##ergic +induction +evaluation +##erve +tests +terminal +moder +##entially +invas +environmental +fas +distinct +cryst +##lic +ed +##arb +##ploy +successful +events +cogn +inhibitors +por +young +intracellular +collected +desp +sum +absence +marked +mamm +go +despite +coupl +microb +seen +##encing +uptake +bm +relev +exposed +##oding +##read +soil +received +##ld +bound +glob +label +liter +antagon +cas +clus +indicating +##ave +mid +##terol +##fficient +kid +discussed +prevent +participants +injection +fraction +##aff +##ious +intro +##ather +sem +labor +sn +remains +ic +exerc +##ables +kidne +gamma +facil +eng +##greg +deg +##mit +##activ +suppor +hybr +##isting +##enous +##ophil +complete +exhibited +48 +challen +necess +resistant +situ +##utes +##fr +hip +elevated +bro +adul +promot +macroph +evolution +pp +physiological +failure +recomb +29 +##rix +reproduc +##put +regulated +##estinal +##occ +spati +surgical +consequ +introduc +peripheral +##inated +thromb +ge +outcomes +animal +side +component +importance +respir +##rosis +##tice +##ars +surve +##ove +medic +lear +dig +strategies +selected +##ke +diagnostic +##eti +70 +##plication +bacteria +const +##bp +subun +right +alone +45 +##etry +much +##ressing +##hydro +diabetes +lact +##umin +ca2 +##isms +position +##ayed +top +don +isch +##oz +genome +bu +pair +stable +plants +power +##oids +pm +##ivers +iv +##asts +hc +accumulation +efficiency +36 +linear +lys +linked +whole +##ense +##o2 +##odes +33 +matrix +point +particularly +benef +selective +37 +nutr +require +prevalence +mutation +employ +diffic +malign +quantitative +secondary +bir +secretion +pulmonary +toler +provided +defined +maximum +outcome +viral +highest +stimulated +##istered +markers +variation +##oster +progn +##otypes +stability +help +doses +controlled +31 +substrate +act +progression +##ame +##ulating +trials +appar +##set +procedure +reduce +sci +exercise +phosphorylation +seg +hybrid +states +able +carcinoma +mitochondrial +conn +arg +##ceptib +##eline +directly +degree +prost +##rin +##etal +taken +along +##activity +##obl +enzymes +hs +##rup +complexes +literature +little +underlying +##eness +propor +##olesterol +simple +arr +liqu +eight +##ging +coron +##orpor +mainly +susceptib +##rine +rad +wid +yield +nerve +concer +pt +training +plac +contribute +iso +alc +series +##ered +amount +recovery +microscopy +##anes +clos +cp +##esized +##fac +alg +##bral +source +measures +relatively +disorder +kinetic +processing +##kn +affinity +tempor +duration +coli +wide +inflammation +endothelial +##ventional +shif +##pri +bp +##ights +##acted +##11 +record +strength +question +##sh +chromat +##idine +inhibitory +head +infections +generation +finally +motor +screening +cours +##ogl +place +stre +##osa +restric +oxidative +remov +identification +achieved +epithelial +##itude +composition +trig +degradation +fluid +leading +##yroid +##ficial +adults +##other +ng +ht +generated +residues +daily +forms +memory +uniqu +gran +metal +34 +toxicity +recurr +bil +##uration +corresponding +panc +kidney +modified +##ided +extracellular +isolates +include +##uter +recomm +bal +shap +origin +access +cys +internal +sle +hypothesis +##ished +approaches +applications +alcoh +vas +seem +cognitive +##ivery +testing +ear +material +onset +delivery +regulatory +fluorescence +75 +##isted +comple +##uit +world +alk +subsequent +strategy +incorpor +treatments +imm +sodium +##encies +gel +artery +coh +##function +versus +##ovascular +##urb +polymorph +tnf +wall +mc +incub +##amide +shows +open +seven +cd4 +occur +##ints +summ +dimension +carried +induce +reach +though +hepat +mil +selection +fibro +las +dynamics +mt +##uring +specif +##ocl +facilit +mak +##que +purpose +##ics +cu +community +magnetic +##art +regression +complications +cholesterol +sperm +cost +spe +##oint +assays +platelet +42 +responsible +conventional +limit +liquid +fish +##yg +##izes +ta +strongly +##53 +describe +administered +##enting +substan +acqu +##ococc +smok +terms +history +contex +half +constit +respiratory +##ots +##tral +##erved +doc +cortex +##truct +promoter +##ope +adren +cand +##oprotein +unique +attention +##ectomy +led +layer +##fs +home +##ibr +reli +##ench +pancre +##olip +##obacter +##otide +profil +neural +examination +eg +intra +best +neuronal +##ea +##mediate +estimated +adhes +necessary +alternative +ultras +hormone +causes +198 +nanop +##istry +appropri +extent +spatial +fatty +predicted +pi +criter +rather +double +##acch +iss +olig +##aw +aggreg +materials +relevant +paras +##tially +##anning +specificity +ads +yet +appears +##phal +38 +##irus +coronary +monitoring +detail +##verse +##gs +candid +rs +substit +proportion +allel +simult +##xp +##ye +designed +developing +educ +pk +##ively +late +pb +produce +efficient +simultaneous +organic +formed +##artic +serv +##imens +transition +cytotox +fed +continuous +manner +variety +auth +##ella +myocardi +examine +##ending +females +problem +larger +specifically +calculated +laboratory +disp +practice +##arding +##atives +myel +iron +intervention +##oxy +median +intensity +course +article +rab +molecule +##hyd +inh +##obic +full +##ector +##ef +deriv +##ering +respond +she +males +##oxide +systemic +learning +##tively +unkn +stages +fix +##arily +conform +##ched +hours +##mic +unknown +##dl +02 +improvement +abund +repl +product +above +##arr +##plicated +channel +prepared +##ortic +analog +agon +cultures +hb +construc +overe +removal +conclude +baseline +##enic +ligand +problems +transmission +##iatric +chin +means +map +intake +conj +##icle +radiation +##onucle +humans +basal +repair +ste +objective +##ument +##se +public +##osyn +##anced +posi +cho +##ometry +slow +overexp +needed +ves +comm +##alian +protoc +famil +dm +constant +agent +bur +bor +##man +##onomic +mechanical +enter +resolution +roles +##ople +countr +chol +interp +##esth +regard +##rate +nanopartic +rib +##tors +highl +ty +bond +##ytes +ter +peptides +##zed +purified +eryth +hepatic +aer +later +collagen +attenu +alb +##eta +nerv +hp +phenotype +call +special +ifn +toxic +micros +particles +numer +occurs +sr +must +##aptic +recorded +reactions +plays +reson +##radi +od +cardiovascular +context +err +ns +##oglob +regarding +43 +certain +difficult +acetyl +measurement +predom +implant +accuracy +nf +antibiotic +altered +##he +reactive +ventricular +##ometric +view +appropriate +mob +color +nature +migration +tool +depression +##20 +third +##16 +now +pyr +germ +feed +located +pass +dysfunction +force +pregnancy +weak +score +cultured +frequently +broad +log +##utaneous +underw +near +##ange +melan +remained +##otrop +aged +supplement +global +##atitis +chromatography +eu +##bor +##ings +people +prefer +##rier +core +pg +intrav +cerebral +antioxid +alcohol +ss +princ +dimensional +lar +##osynth +far +md +nurs +sleep +solid +currently +diam +having +investigation +thick +promising +variables +arterial +optimal +dog +temporal +hipp +diabetic +hypertension +gp +targets +way +adi +experience +profile +##to +chemotherapy +##13 +undergo +eas +gal +recombinant +macrophages +nucleus +39 +fung +perce +tri +##uv +ray +alterations +oil +susp +fit +uv +rt +criteria +signals +poll +elements +complement +absorption +##ectin +exch +auto +leads +cf +widely +gre +##ogenetic +program +##dom +##estern +ref +membranes +##acr +trial +unc +electroph +##ylated +##la +lateral +attrib +another +proj +##ounts +scores +##rolog +##olytic +assemb +rare +heat +65 +intestinal +exist +##aces +safety +##ocamp +maintain +h2 +##usions +setting +hypox +cann +##ream +guid +oxidation +irradi +##lu +##ired +##gens +remain +spont +underwent +last +implement +##icles +procedures +den +adverse +55 +generally +phosphate +myc +##most +44 +tb +advant +bo +antic +##lyc +spontaneous +become +##illary +discover +prevention +fram +partial +##etric +cytoplasm +99 +endogenous +expected +gastric +##ared +##osine +actin +##pective +potentially +##ify +older +##ectivity +##tation +##bo +ana +oxide +chromosome +fract +##onin +interes +marker +reducing +involvement +##uts +##neum +images +genomic +##ason +##oper +##idity +sd +dietary +oh +gh +potent +moderate +biops +hydrogen +recognition +interval +reference +polar +throughout +##ession +spectroscopy +##osin +##acchar +base +mutants +72 +rele +hippocamp +ful +differential +norm +consumption +ds +sa +interest +replac +contact +rob +aimed +##elium +##stream +##olved +igg +##itable +transplantation +rapidly +convers +staining +ever +##iology +inn +read +seed +slight +fav +##ients +rich +##thr +rot +##ened +around +western +pse +disrup +##ching +##land +domains +##elling +##ocal +vary +##18 +vess +pathogenesis +longer +##roscopic +##14 +statistically +fragment +##tile +##ternal +event +##eletal +heterogene +ros +dele +challenge +algor +som +commonly +white +subunit +algorith +##tration +extre +##ields +cortical +##phosph +##ieve +almost +majority +##flu +##osomal +spinal +fibrobl +ann +##itary +lum +neutral +##resh +coe +##eal +atr +hemat +46 +##ico +sed +oc +percentage +image +tradition +cc +##aged +theory +##utive +##phen +myocardial +fluor +pseud +cos +confirm +lymphocytes +profiles +##tility +lesion +squ +elim +severity +requires +spectrom +channels +##ank +stro +resonance +impaired +mixed +survey +birth +##cers +##ann +##ermal +anterior +##iety +space +##hood +##tp +rabb +##sis +transf +turn +##tering +members +persist +tom +prolong +##by +##pos +##rich +##ologous +reports +determination +##ats +grad +nanoparticles +stimuli +##arin +##ologies +np +adhesion +mn +##ophag +03 +transcriptional +##rel +haem +indicates +radical +zn +advanced +##15 +observations +##osomes +fetal +ten +##aves +diagnosed +involving +##rob +biochemical +stabil +##ucid +search +cb +milk +completely +americ +47 +relationships +dil +pret +account +##phyl +##inations +synthesized +benz +behavioral +ped +nine +soci +vaccine +contained +malignant +morphology +segment +specimens +pneum +subc +tel +phyl +sequencing +##raw +interpre +predominant +vitamin +##apping +camp +fo +external +##argeting +diversity +thresh +##ils +##for +predict +flex +##ohist +ak +##oral +microgr +sources +##uls +apparent +cyp +##inate +fully +cytos +tend +hydroxy +variable +protection +root +cruc +numbers +recr +cis +replication +##less +grade +systematic +categ +targeting +quantif +enrich +appeared +##genic +resour +##oscop +##ground +targeted +put +element +interven +immunohist +polymerase +understand +##aring +retin +##ula +allows +cad +##ident +soft +##onia +gast +deficiency +67 +##activation +52 +coupled +morphological +respect +extract +coord +kda +trigg +lc +mental +prosp +56 +find +##ool +##crim +precurs +spectrum +##immun +##aries +##ophys +##imer +egf +concept +interfer +probably +propose +neut +marrow +##ata +fast +nh +##ompan +soluble +countries +maternal +hydroph +mode +deficient +tyros +implications +ions +suppress +##ione +basic +##17 +tc +accompan +mild +adoles +orient +clinically +biomark +subt +intact +inser +##icians +##otion +##odynamic +##aine +regen +knock +assum +discrim +p53 +invasive +anx +sph +comparable +nucleotide +##orts +fa +elucid +avoid +extraction +conver +urinary +hg +interesting +enhance +##den +##io +##allel +proxim +conserved +infants +labeled +perme +fusion +arch +expressing +rr +employed +lps +thyroid +vel +relation +statistical +agre +unit +54 +ow +ovari +tolerance +cath +##used +nitrogen +igf +ethanol +compos +successfully +aw +dl +developmental +datab +exchange +infusion +asym +##east +##oked +phenomen +past +section +usually +ga +synthetic +behaviour +stroke +encoding +reconstr +accurate +protective +tract +nam +obtain +native +##oline +##enty +significance +64 +students +53 +49 +##osterone +##ring +inst +additionally +aspects +exhibit +ure +p2 +##ervation +##urine +thym +##alk +publish +deep +traum +variability +sexual +suff +variants +national +laser +tgf +excess +orth +susceptibility +transpor +spl +close +antioxidant +compare +hydroly +movement +##ibly +towards +85 +##aline +competi +trend +##ectiveness +##ention +blot +postoperative +attem +pen +intermediate +contain +medicine +metabolites +thermal +diameter +3h +amounts +onc +##ontal +urine +wave +concluded +band +##gans +##asia +##olds +interventions +polyp +intravenous +conjug +##19 +hyd +background +clon +##ee +points +units +sat +04 +##avage +authors +##itin +##rocytes +feeding +histological +effectiveness +stor +media +dos +##iform +96 +cereb +recip +##esh +enti +ub +emb +mp +##ework +delta +pal +##rs +##ga +infer +education +transient +##reh +optical +partially +accel +##oxyl +au +##ogens +compr +cytokines +industr +published +##raz +pf +localization +tryp +parallel +obes +framework +living +veloc +##orrh +repeated +pan +questionna +gab +gradi +pla +antagonist +attach +##ipl +making +##anth +until +growing +pancreatic +abnormalities +neon +markedly +##igen +wt +univers +41 +tet +showing +technology +maximal +europ +##cher +57 +make +##organ +smaller +nervous +compreh +obesity +crucial +##opathy +break +catalytic +##rophic +##itone +mammalian +dogs +tm +primarily +58 +##ean +##olysis +cancers +pac +dp +largely +gc +understood +added +fm +progress +plus +incubation +tit +donor +interf +bov +traditional +defects +colum +chick +anat +##iation +run +cord +termin +refer +diges +tl +leg +upper +transcript +manif +restor +theore +##lo +glutam +63 +tumour +reconstruc +prognosis +organization +providing +upreg +nk +extensive +dominant +##ogr +exce +nutrition +intern +##hc +benefit +substrates +dc +characterization +wound +neurolog +smo +pathological +diff +relax +amyl +##alpha +shift +frequent +superior +##fa +earl +suitable +suppression +##lation +shor +uncle +csf +promote +closely +ratios +##entical +gastro +prostate +transduc +hd +shape +##ches +kinetics +tyrosine +spectra +neutroph +antigens +joint +suppressed +##atid +##iral +az +##eptide +vac +##ulatory +what +offer +typical +sufficient +motion +##nt +62 +##atib +##reated +##thern +center +adsorption +regulate +whose +fibers +##bal +rou +##ectal +occurrence +latter +address +classification +engine +fab +spectrometry +unclear +possibility +##ocation +immuno +diffusion +##ert +below +tun +microbial +dispers +##riers +##dle +monocl +existing +##thers +diverse +explore +possess +emph +##1a +mri +66 +gain +separation +pv +commerc +yeast +preparation +probe +overexpression +identical +oct +tetr +250 +dors +morb +##ows +trunc +localized +extracts +68 +operation +microg +##cles +##tenance +ast +elic +smooth +##pir +princip +randomized +defic +bin +##oa +storage +maintenance +contains +sensory +solutions +##anine +##ives +##osal +distance +##fil +##onch +##rophy +cav +families +stimulus +500 +3d +counter +py +injected +retros +##isation +recognized +personal +##ike +placebo +la +nas +impairment +reverse +amb +##ady +except +therapies +particle +##ls +##eling +prolonged +nad +ce +metastasis +ens +protocol +varied +subtyp +##atase +59 +##ococcus +posterior +maintained +##rium +rise +divided +volt +##erent +decreases +induces +##xt +crystall +eye +cohort +satis +contribution +bran +mill +networks +du +##olec +matter +##roup +nod +deletion +##sa +others +##itud +lam +kill +displayed +necrosis +##itiz +cytokine +##lycer +excell +direction +location +hab +matched +##ycin +ethyl +surfaces +minor +numerous +##transfer +##ton +ip +agg +monoclonal +instit +ble +##ichia +dend +##eg +services +##ivalent +magnitude +excre +##try +green +nons +recommend +##ochemistry +fund +har +anesth +asth +##elf +cerv +modification +robust +final +organisms +skeletal +##ema +reviewed +biosynth +occup +defin +emotion +receiving +micrograms +ovarian +amp +salt +cd8 +ischemia +document +extrem +bul +producing +radio +##ariate +example +##water +##rec +aug +##ocar +##angl +fiber +und +##imen +words +cul +##mp +represents +μm +variations +immunos +98 +immunore +##leuk +##isc +##ozyg +inoc +jap +clearly +##ecutive +epidem +##beta +##otypic +tail +pathogen +##tingu +bronch +adequ +anxiety +##idal +capable +##ades +assembly +cam +subsequently +##rotein +73 +invasion +##ss +78 +achieve +seems +##queous +thi +##fication +bovine +dopamine +##70 +hex +isoform +cv +thickness +excellent +##ories +emission +smoking +agreement +influenced +casp +spin +viruses +estimate +ech +assign +crystal +delayed +##tract +device +agonist +##ump +aqueous +cluster +graft +middle +irradiation +##b1 +twenty +plastic +cytoch +spread +distingu +scanning +accompanied +waste +hepatitis +extended +##cap +charge +##gest +associations +##oring +synaptic +effectively +every +##ica +murine +##ocrine +##ality +##let +gon +thor +periods +phospholip +modulation +tools +vector +rev +decision +occurring +disch +initiation +##ropath +speed +uns +slightly +distal +##way +allowed +poorly +never +confidence +beg +neph +unl +##osens +asc +ring +##back +profession +needs +aa +blocked +focused +##38 +multiv +observation +76 +gaba +explain +prognostic +directed +gender +cortic +86 +aging +gest +prediction +51 +##rog +escher +simultaneously +adjus +cervical +##enchym +##ovirus +##iaz +atom +##apse +simulations +##irect +##ili +escherichia +afric +quanti +##k1 +choice +substantial +threshold +bind +regulating +##rose +programs +detailed +velocity +rod +leukemia +minimal +autom +none +subject +thereby +mature +##kin +instr +hla +interleuk +excl +##insic +genotype +infil +##ises +called +##ament +equal +ranged +##tum +muscles +hypoxia +##urally +##uting +lang +aortic +failed +74 +##ostasis +bis +polic +issues +cannot +benefits +rest +graph +temperatures +motif +##eless +earlier +##sin +ubiqu +dehydro +signs +sampling +tp +sedim +mim +300 +##ellar +enhancement +noted +##adder +organs +predictive +glycop +ranging +algorithm +##icin +##cal +amplitude +##iciently +##ks +indirect +bat +69 +reliable +balance +buff +pharmacological +behaviors +tax +cn +volun +reproductive +acceler +nmr +ligands +express +proximal +depth +lep +correct +rb +meta +morbidity +##oside +elder +##opic +comput +neither +fluorescent +fibrosis +preven +83 +ather +nr +sir +degen +##dominal +cod +92 +devices +ker +interleukin +positively +##ocomp +cdna +deliver +dependence +84 +progressive +ni +estrogen +##enes +prem +beneficial +caro +derivatives +programm +88 +##aria +##ycl +transformation +##inking +fresh +implicated +supported +released +82 +recurrence +conversion +theoretical +##raf +biopsy +77 +mv +swit +lh +attenuated +97 +challenges +noise +##dehyd +affecting +##ifications +93 +hm +coding +pretreatment +##avy +##illus +embryonic +strand +##ways +progen +##itol +mineral +##actic +possibly +epis +##elines +##portun +zinc +fact +thought +bc +opportun +transgenic +pet +##acting +##azole +shock +explored +embryos +viability +feature +truncated +methylation +invers +##itions +fibroblasts +allele +cover +descrip +schiz +display +traits +curve +mixture +##itted +hf +introduced +electronic +fractions +elderly +electrical +94 +putative +phenyl +##opo +analysed +regional +##tious +cyclic +##oblast +analy +working +metastatic +barrier +contamin +dissoci +verte +antimic +mb +peroxid +restricted +strept +expans +recommended +depending +driven +compart +disturb +sensor +serve +flav +##ulum +move +##ilib +mitochondria +affects +hair +antimicrob +gland +output +characterize +determining +glutamate +facilitate +dex +uter +heavy +##oic +gangl +##electr +completed +##tition +cleavage +##oglobin +##ensin +incl +graf +##ercul +fragments +challeng +##ori +newly +##ancies +##esia +##path +e2 +apoptotic +aggregation +vegf +computer +gli +87 +##estic +error +##ohyd +##omers +comprehensive +axis +cg +##jection +abdominal +ischemic +integrated +##olding +attr +##ements +prevented +##ophosph +glutath +glycos +cytotoxic +belong +prospective +79 +extracted +cox +composed +infarc +reper +cytoplasmic +89 +fall +ground +fixed +##truction +stat +##itory +coupling +##eli +questionnaire +japan +clearance +125 +independ +##thal +frequencies +ts +##dp +considerable +acquired +##np +co2 +sulfate +fu +interv +demonstrates +##down +##aryn +date +##itoneal +gradient +hybridization +consequences +estimates +epile +##transferase +cytochrome +sustained +school +reason +feas +guidelines +rp +controlling +##otropic +tomography +similarly +varying +##group +serious +gm +##oglyc +phylogenetic +eb +measuring +coc +generate +compl +actions +##acin +##teen +##teine +illness +##cler +##get +##ythm +goal +deposition +comparing +illustr +involves +xen +reflect +tex +residue +validated +regular +##acer +circulating +si +forming +##factory +##accharide +south +saline +kapp +candidate +remaining +interview +glutathione +##exp +##anged +##atically +dry +lipoprotein +gold +evoked +abundance +##oin +reactivity +##okinetic +##isa +interface +granul +modeling +pairs +seiz +##eck +scat +safe +separate +hsp +cx +cytotoxicity +##ads +locus +##ral +variant +replacement +column +##iveness +##eb +p4 +pigs +##25 +caps +dual +resection +clim +immunity +caspase +hence +subunits +loop +##certain +computed +unt +ras +##oscler +summar +retention +manip +voltage +gap +##acl +thin +unf +remark +##wide +deple +leaf +american +##ocytic +synthase +glycoprotein +treat +##dh +correlations +albumin +##aper +simulation +##ilibrium +excit +analyze +##fp +decline +##atidyl +ultrasound +mmp +ldl +interestingly +vul +vessels +##omycin +minutes +database +grown +pathogens +db +improving +intervals +°c +##ensions +experienced +61 +##oresis +recording +pack +dorsal +asthma +rein +##ze +akt +chinese +400 +cd3 +communication +autoimmun +nuclei +classified +ket +maturation +##dehyde +dehydrogen +spr +dram +##yle +pathology +reached +##osome +##cul +##ecal +scaff +modul +depends +coefficient +infr +face +##itr +synerg +biomarkers +inhibits +phases +parent +precursor +opi +μg +subjected +constructed +susceptible +##ectious +pulse +steroid +##ensis +recurrent +##p1 +chains +clusters +retic +overl +distributed +attributed +explained +consecutive +##ialysis +fields +abstract +investigations +##ocytosis +m2 +presents +intrinsic +accep +nico +##dna +hcv +once +##thritis +##hing +dimin +sections +71 +##onas +availability +insights +##tase +antimicrobial +expansion +120 +sta +economic +##olin +##chem +potentials +epithelium +##ict +mis +vag +angle +height +venous +nearly +antis +manifest +healing +##illin +accept +ba +150 +next +repeat +##itant +pool +sple +plate +exogenous +steps +aud +ib +immob +##amus +##wh +tg +eti +##23 +vesicles +incorporation +autophag +mab +##40 +solvent +dip +##oxin +cut +##acent +randomly +defect +homeostasis +influenz +lymphoma +##co +tubercul +adaptation +##ocarcin +0001 +presentation +parameter +arm +infectious +parad +fif +changed +practic +appearance +ti +isolation +schizoph +delay +depletion +lob +united +limb +proton +includes +bcl +commercial +contrac +##ayer +biology +adop +pitu +##ifer +venti +polymorphism +residual +detectable +clar +schizophren +elisa +##ners +initially +cultiv +efforts +greatly +neurological +identi +perfusion +qualit +melanoma +costs +##err +epit +phyt +glomer +virul +197 +estr +mach +##oved +resources +inactivation +hcc +nc +pert +layers +advantage +metall +leaves +neonatal +entire +hypothal +favor +##plc +dental +downstream +biosynthesis +loading +osc +##intestinal +adip +fill +negatively +predominantly +##ighted +fibr +##acet +equivalent +gs +toxin +enzymatic +##unding +plan +excretion +##57 +ben +lv +retinal +phenomenon +gastrointestinal +##inine +acetate +consisting +zone +ple +separated +undergoing +threat +2d +china +removed +risks +lowest +sets +rabbit +##ban +nitric +veh +longitud +rout +##mediately +##uries +##ned +abundant +copper +differentiated +downreg +node +input +arab +arom +fabric +abol +occl +lt +calculations +neurot +puls +routine +translation +item +insight +analytical +gover +causing +limits +original +##isions +inducing +arti +pituitary +retro +wr +immediately +loci +pneumonia +##opol +contents +airway +emerging +##usive +splic +communities +decl +##a1 +amyloid +##rous +psychological +##erence +marg +##eds +herein +##amental +describes +pathogenic +dh +##terone +adaptive +phosphatase +##cribed +##dm +segments +##ophage +identifying +regeneration +migr +fc +dehydrogenase +sera +adenosine +cns +prel +international +advances +adjacent +##upp +tasks +typically +bac +monitored +relaxation +ester +shr +##yte +##onate +integration +bilateral +platform +bladder +trauma +adequate +environments +ammon +##uf +independently +lacking +skill +antibiotics +clinic +t2 +##zyme +consisted +steady +##60 +salmon +correspond +efflu +infarction +congen +##anial +reversed +circum +cation +black +oscill +##ilities +persistent +81 +atpase +sarc +neck +became +perceived +##yes +done +film +discre +##tics +spleen +##ospor +o2 +##itus +pharmacokinetic +##urg +recovered +macrophage +subgroup +plasmid +untreated +bile +inters +similarity +taking +cycles +electrophoresis +ect +transcripts +##inning +##ritic +minimum +dihydro +gram +questions +scientif +##mentation +##amination +north +##adiol +##osity +precip +implementation +workers +phenotypes +clones +hydrophobic +quant +##ylate +promoting +interact +conclusions +##cents +decreasing +permeability +##choline +##idase +cold +amph +##22 +biofil +gi +existence +##plasia +carbohyd +mostly +ju +attemp +probability +proved +flux +atheroscler +preparations +##lets +hydrolysis +catalyz +nt +evolutionary +pregnant +spectral +ln +concom +fibrin +issue +restriction +nanos +micr +##ota +pathophys +enriched +fundamental +fracture +hippocampus +worldwide +gut +##ias +fing +pros +arteries +bleeding +discovery +utilized +land +scler +immobil +emotional +cry +contributes +parents +feedback +libr +veget +##train +##ped +overc +orientation +c3 +multivariate +moth +pure +##hg +introduction +hor +reduces +lipids +practical +##enchymal +accoun +91 +##bre +##chron +##oration +injuries +blue +chloride +adolescents +concomitant +tuberculosis +impl +##dr +angiot +binds +hard +substance +##wise +##ifying +hydroxyl +placed +hour +pron +##phenyl +mer +chromatin +##uary +anth +give +##olecular +reconstruction +hapl +regulates +##oyl +langu +pediatric +ck +limitations +classical +adjusted +contraction +bri +vein +member +##enol +##raft +inhibiting +sf +buil +##oded +equilibrium +bearing +urban +hpv +heterogeneity +##zard +##hs +angiotensin +##ley +rhe +lamin +max +return +phosphatidyl +bd +modifications +trim +##tead +draw +composite +acting +##otides +refr +longitudinal +##igm +advantages +strom +films +identity +unch +european +sv +whe +##assium +hippocampal +##asons +classes +diets +conduct +scientific +array +vaccination +electrode +remod +##osystem +autoimmune +lymphocyte +labeling +influenza +serot +track +service +potassium +##issions +outer +hypothesized +##ematic +constitu +##2a +habit +valuable +instead +atm +##itect +potenti +compens +##cephal +documented +##enia +##30 +##gi +polymorphisms +medial +##izations +##utin +died +##lin +inner +retrospective +##ember +protease +photo +physicians +hund +university +nursing +aure +selectivity +penetr +persons +translocation +sti +comparative +pkc +hundred +quantum +##otr +##elled +influences +asymm +syst +atrial +uncertain +always +increasingly +proges +##ensities +distinguish +assigned +tur +movements +iod +recruit +considering +heterogeneous +exclud +live +##avel +interferon +histopath +##ready +absol +highlight +adjust +derm +parasite +already +supplementation +##vis +take +##abilities +cartil +hz +define +easily +##iae +curves +trop +substances +##urated +##90 +mono +genotypes +compet +volunte +aqu +acquis +##ips +pent +leth +bodies +kb +sinus +##ords +childhood +##chemical +depart +encoded +precise +elevation +##ectives +gn +##care +collection +person +##27 +positions +t1 +enab +hazard +##tub +##omonas +amplification +tlr +colorectal +om +itself +pic +##ectors +exer +mu +blind +perception +06 +regulator +##des +functioning +aims +aureus +count +osm +##ietic +##phrine +concerning +responsive +standardi +namely +##opa +##veolar +egg +benign +fet +##arrh +ace +creatin +config +##apped +align +##embr +bias +jun +adrenal +brief +auditory +surro +mapping +fungal +larv +phenotypic +interc +##vel +efficiently +##ry +parts +insu +distr +intensive +park +deficits +brom +##ilateral +##ina +outs +expand +mobility +nps +monol +km +consequently +extremely +variance +discharge +saliv +##yb +arginine +hemorrh +odds +lactate +methodology +deform +isot +##heimer +metastases +sul +operative +alz +practices +##mod +solub +##time +schizophrenia +sb +uniform +evident +importantly +rar +knee +computational +endoscop +##axis +modulate +##ionic +satisf +scal +##idin +resting +##oli +##uron +combinations +##tures +##oon +artificial +peg +nonc +duct +lp +##otoxin +ven +own +microbi +antagonists +mutagen +##arch +oppos +homologous +rice +perf +elicited +trp +acquisition +##oe +extension +phag +language +tetra +sediment +optimized +allowing +wk +limiting +treating +hplc +simulated +alzheimer +foot +##era +polys +##ophageal +##uvant +insertion +utilization +##ping +##cn +scan +conformation +egfr +lap +check +miss +estimation +eps +quin +surrounding +cows +##orbed +##ulose +dt +##adily +mothers +##opoietic +systolic +##80 +dn +##ontin +genus +##omical +aspar +aspir +##ensively +room +nodes +requirements +selectively +healthcare +ionic +spermat +##rot +shorter +cond +##fluores +displac +##aceu +promin +##ozygous +donors +##o3 +stere +secreted +leuc +quantification +onto +assessing +coated +sea +consistently +yielded +##gal +ages +counts +##ician +bey +presenting +ram +decomp +continued +pip +##eed +##mark +##ophila +beyond +biomass +##ilic +glass +recommendations +agonists +##opes +mhc +histone +alleles +rig +##oplastic +oxidase +burden +consists +metals +tag +##vents +cloned +##pati +gave +supporting +transduction +ly +jud +##aldehyde +##hed +##ril +##alling +##ounced +ent +virt +##iction +redox +drinking +bulk +tube +autophagy +pn +##ensus +li +reveals +errors +subcutaneous +catheter +substantially +entry +##oxic +absolute +multid +##mental +sizes +nutrient +##point +psychiatric +promoted +substitution +dimethyl +wet +##oidal +##ypt +activating +dendritic +prelim +differentially +differed +1000 +##ato +inclusion +breat +architect +stom +tf +ah +incubated +##ime +reperfusion +disruption +policy +ecological +dox +sho +metabolite +immunosupp +aberr +##3k +injections +thal +obese +##olate +adenocarcin +conformational +hormones +##bb +##onuclear +cartilage +cum +subset +sympath +rank +extra +immunoglob +true +arth +galact +##itals +##26 +mucosa +medication +activate +pel +complexity +sten +dark +progesterone +diverg +carboxyl +testosterone +focal +##dib +##oxygen +intes +cysteine +immediate +thirty +mucosal +abolished +infrared +summary +validation +chond +pronounced +acts +depos +##uous +probes +2000 +recombination +bot +##rolled +##oman +walk +##elin +staphyl +interference +settings +##°c +superoxide +##p2 +##avi +##ware +mos +##ocortic +##avirus +##omeric +##eded +##atile +carrier +schem +carcinomas +##aemia +##mc +rabbits +##omet +##oplast +##fold +contamination +qualitative +neuropath +dissociation +ho +##min +arrest +##f1 +engineering +heparin +ars +mi +capillary +bmi +##uria +nar +consequence +trip +faster +vehicle +##aching +brid +finger +##mented +neurode +absent +serine +colony +attachment +maintaining +neurodegen +vaccines +isoforms +relevance +stimulating +tumours +##ophilic +##oming +mmol +initiated +##aster +ultim +exhibits +cyan +07 +experimentally +activator +embryo +principal +younger +cardiomy +emphas +##ires +gall +postn +sectional +withd +fgf +##ued +##ibration +addi +emergency +glycer +twice +euk +virulence +northern +empir +##t1 +determin +##emat +demonstrating +##erin +elimination +decades +alkaline +regardless +##rocyte +homogene +reh +larvae +##pread +##embrane +tau +##uses +ones +recruitment +##inson +elucidate +##29 +ips +shell +immunohistochemistry +##amycin +kd +wides +fixation +preliminary +##ana +widespread +supports +hdl +##uits +fractures +eukary +##epine +diast +##eses +s1 +pump +histor +thorac +art +expect +acidic +microtub +##oints +epidermal +##ette +technologies +hearing +cavity +involve +reading +portion +utility +raised +elong +whom +chest +cham +distributions +##infl +gd +forces +##ophyl +platelets +nasal +tn +evaluating +withdraw +08 +spher +##tisol +##uctu +nutritional +##tak +vic +cov +##illance +##28 +pu +gir +pil +volunteers +integrity +##adian +disapp +challenging +frontal +##psy +fluctu +changing +aids +deaths +mirnas +datas +##inea +dich +##zing +spp +chromosomes +mediate +indices +gonad +##ologists +preventing +recipients +fertil +reductase +replic +reversible +junction +##arities +fine +arthritis +##ples +precision +aggressive +locations +##adic +symm +sensing +vessel +kinases +##cardi +promotes +correlate +##ora +coag +##carb +unchanged +science +quantified +sheep +signalling +##iologic +uses +##phosphate +##24 +centers +lost +valve +adipose +planning +assisted +##nia +##ested +##fraction +##otomy +estradiol +##ffici +neutrophils +infant +##alc +hepatocytes +angiogenesis +perc +quad +implantation +protocols +stimulate +parental +demographic +motility +studying +gsh +##ogram +somatic +epigen +reliability +ulcer +scales +offers +represented +knockdown +preoperative +##opsis +surveillance +climate +congenital +gtp +house +sound +##t3 +nano +dimer +circulation +traff +transfected +##ocys +tree +##romy +combining +orb +genetically +inhal +eosin +validity +##rene +makes +improvements +radiotherapy +encoun +cla +deb +wheat +##otes +neigh +competitive +mesenchymal +starting +rrna +coeffici +nurses +coefficients +##anti +transporter +tight +inducible +incorporated +subtypes +homolog +tob +roots +##eting +phosphorylated +buffer +beam +jan +occlusion +##ameth +wat +##ded +microgl +##bi +blocking +effector +sustain +project +##inflamm +concern +austr +chromosomal +surge +exists +microscopic +sor +suppressor +motiv +enhancing +synergistic +##ynaptic +pep +synchron +keratin +carotid +extend +mess +prophyl +african +trach +immunohistochemical +fever +interpretation +##ositol +researchers +attack +perturb +supply +##ush +serotonin +newbor +##theless +hos +##pass +nevertheless +##ci +produces +mann +dyn +intestine +records +industrial +anaer +dro +ethn +ecosystem +birds +mast +surfact +degeneration +diminished +##c1 +yields +logistic +transformed +beginning +powerful +aid +##isp +bic +readily +prominent +blast +accom +blockade +referred +bow +postnatal +viol +experiences +tension +consensus +wors +##enal +rac +##icking +##osan +##acco +innate +cortisol +##ancer +plasticity +dye +##osyl +inher +start +categories +eeg +users +adp +dros +##eptides +bands +emerged +inside +loaded +pore +dd +reporter +carbohydrate +##f2 +##electric +coating +attit +carriers +femoral +undertak +mell +visible +##agland +##atibility +fewer +bes +parkinson +##uch +##inf +##angi +enable +κb +##aden +##mitted +cattle +regimen +opioid +##atig +casc +representing +isolate +vulner +ubiquitin +tt +##actor +adjuvant +marine +upregulated +normally +rational +epidemiological +secretory +##assay +spor +##opor +shared +remodeling +##bar +##ister +lineage +ot +##entia +modes +linkage +##iph +overcome +##psych +respective +##itization +##urys +##cine +##r1 +diastolic +##atible +potency +protect +presum +prolifer +aromatic +##21 +mechanistic +##osing +organism +disappear +hors +##tective +offsp +##orec +nitr +cro +microv +formulation +ways +stronger +multic +vacu +excitation +monocytes +ventral +wind +scattering +reasons +##iance +cit +oocytes +hospitals +object +explo +created +guinea +homology +##ophen +bip +tobacco +fruit +cumul +construct +##embl +surviv +comparisons +relapse +effort +##amous +##usal +skills +assist +tib +options +neuron +narrow +##rovers +##ote +dosage +modulated +proven +diffuse +exon +operating +proliferative +complication +offspring +recru +shear +##break +rehabil +##rown +##enari +##65 +complementary +prostagland +just +reflex +atmosph +hbv +##usively +bonds +ane +ile +mapk +controvers +unlike +helix +discrimination +tor +propag +implemented +##cape +endocrine +##enin +fatig +vertebr +analges +embed +reinfor +panel +drosophila +box +rating +route +impacts +microc +facial +detecting +##azine +concurr +epigenetic +resolved +sou +adherence +carrying +digestion +instrument +receive +explan +gb +fals +dic +##eptive +##lig +currents +ald +surpr +transmembrane +##ocr +rearr +##angement +rf +fore +##tes +salmonella +timing +immunofluores +dementia +careful +hl +viable +##odil +resource +urea +epilepsy +lac +##ash +hemoglobin +##udes +shaped +discovered +pharmaceu +outbreak +greatest +predicting +adduc +capture +southern +eyes +alveolar +ppm +##going +stret +antiv +##p3 +obvious +templ +##rd +former +quantify +aver +unus +sequential +erk +genomes +morphine +exact +aort +upstream +dialysis +mammary +department +infiltration +pow +constants +atomic +library +perspective +largest +situation +accurately +opposite +cytometry +optimization +rheum +evid +##iking +ded +merc +episodes +##oplasmic +lapa +considerably +##urity +outside +##itting +sympathetic +##quin +lute +nmol +##platin +suspected +mening +hypertensive +passive +season +##eps +malaria +09 +scenari +modern +cutaneous +preference +##fe +undertaken +lungs +mrnas +##omotor +abuse +dimensions +delivered +mmhg +standardized +retri +##ploid +agric +##atum +indicators +immunological +mom +gestation +##related +conflic +hydrog +predictions +inactiv +ls +uterine +drop +software +turnover +unaff +representative +speech +immunoglobulin +mixtures +correction +fox +equation +pge +electrochemical +##entricular +##inter +##tructive +hams +rv +agricult +functionally +##pler +filtration +triglycer +anomal +irr +somat +trained +coordination +neutrophil +##asic +##erge +cyst +##avail +indicator +hematopoietic +##rought +derivative +intrac +actual +war +trends +harb +unaffected +standards +determinants +apparently +##obacterium +##glutin +screen +##actin +##54 +##itic +trait +seizures +breeding +##urance +silic +immunoreactivity +ongoing +##operatively +river +sugar +##chlor +sham +aneurys +follows +indeed +prevalent +mellitus +##geal +sched +retained +inges +##abs +##mg +##alities +catech +hemodynamic +alteration +##ief +suic +concerns +##pc +eggs +symptomatic +triggered +operated +vide +acad +semi +seek +stained +##neal +##avelength +nos +shar +reag +p450 +sucrose +##au +xyl +inferior +rn +mammals +vectors +enrichment +ld +defense +farm +nacl +lens +depolar +rc +microorgan +microscop +cisplatin +biofilm +depr +noc +##alin +qt +cytosk +diffraction +##plicit +ke +terminus +##orbent +predictors +coval +polypeptide +anatomical +wnt +guide +cyclin +lethal +##term +##tidine +favorable +tab +cocaine +antitum +echocardi +##nel +lith +translational +cytosolic +achiev +elastic +govern +tcr +property +##inase +rnas +rehabilitation +##omorph +industry +closed +wa +reductions +bed +nd +stiff +tand +ath +##be +surprising +exception +staff +math +prosth +bypass +squamous +h2o2 +reticulum +##ptomatic +adenocarcinoma +protected +restored +peritoneal +screened +myeloid +supr +requiring +##aryngeal +##odef +##load +law +demand +##accharides +principl +lr +barriers +expressions +null +list +annual +competition +processed +contaminated +gam +professional +t3 +disability +apical +##ws +society +pup +pall +contributed +comprom +##elles +pyl +atyp +##omics +aml +glucocortic +ensure +##oor +tandem +encaps +enables +fatigue +optimum +peroxidase +##3a +rejection +correlates +p38 +rural +attempt +lin +false +addressed +##ocellular +contributing +subtype +igm +chemistry +million +diarrh +stop +preferred +ventilation +enhances +biopsies +##37 +immunodef +doub +dramatically +##apt +pollution +items +bay +responsiveness +japanese +technical +wavelength +perm +##lip +atoms +##lings +##ufact +##uments +atherosclerosis +endothelium +principles +see +constrain +photosynth +stenosis +plane +histamine +socio +january +cues +##ero +enrolled +##aments +neurotrans +depressive +##ni +##pher +##ocin +bud +exclusively +##34 +##elihood +intersti +trich +##recip +linking +nig +cirrh +yo +amel +candidates +bt +forest +admission +unexp +adapted +coverage +polymers +chemok +examples +blocks +aerobic +architecture +adrenergic +##dep +luc +manufact +reporting +etiology +stromal +division +androgen +participation +partners +##otoxicity +arabid +throughput +hu +glands +allergic +sds +digital +##56 +latency +mirna +mum +extensively +raw +recruited +nitrate +numerical +nmda +##hd +var +##mt +##encephal +arabidopsis +anticancer +shorten +supplemented +##tructure +chicken +bowel +shifts +nonline +accelerated +##acycl +conservation +precursors +vital +anaerobic +pin +naturally +frame +graphene +hypers +fungi +decisions +##ograft +besides +paradigm +consideration +##nat +resc +##pan +soils +leak +retriev +c57 +remission +arrh +fos +asymptomatic +applying +herb +perman +upregulation +excessive +##oreceptor +mobile +grafts +##agnetic +##aceae +confer +snps +vertical +rotation +td +##inosa +feasibility +##eleton +empirical +##ulties +axons +##areness +leptin +immunization +accumulated +becomes +##plastic +compartment +##ocyan +patch +pren +creatinine +horiz +mother +medull +rarely +lysine +instability +incom +##achy +phe +gradually +circular +fear +astrocytes +immunop +fitness +notably +##empor +occas +##pecific +compression +##oustic +interfac +l1 +text +##opathic +##omized +##abor +equip +micror +accounted +ft +##ocon +wastewater +contributions +nicotine +connectivity +coa +inactive +##ester +anesthesia +chemicals +efflux +infiltr +##oderm +manifestations +mda +##inflammatory +hemis +##ba +likelihood +sepsis +awareness +peaks +##ocep +acyl +##oblasts +ru +focusing +clinicians +##umab +##idae +macro +charged +a2 +pas +forty +ideal +subjective +fro +##times +filter +plaque +ic50 +encodes +fasting +##opolys +purification +##35 +braz +ham +difficulties +share +weights +lm +option +ki +fibroblast +##aminergic +anion +deviation +aggregates +d1 +##ometh +partly +caud +##h2 +##ticular +##flow +##ocor +biomarker +formula +ka +interacting +scr +circuit +utilizing +subcl +reflected +adapt +withdrawal +implants +dyst +idi +flexible +incomplet +selen +nitro +perox +silencing +defective +driving +##vas +thrombosis +immunofluorescence +performing +purp +porcine +##ometer +situations +knockout +intraper +generalized +cumulative +smokers +volumes +anaesth +##puts +##ought +conv +requirement +electric +mov +encephal +attached +visc +antiviral +van +##tate +admitted +##obacteria +innov +progenitor +fatal +##environ +##omat +d2 +##antic +##ulus +##rays +strati +static +create +complicated +differentiate +antitumor +auc +um +electrodes +##keys +cig +author +posts +##o4 +tended +inoculated +participate +quick +##otoxic +decay +nonlinear +distinc +foods +##inergic +pressures +##iness +ala +ans +tyr +ball +##oag +sirna +##bc +mononuclear +kappa +silica +remarkable +cats +emergence +rg +transfection +glial +##ophore +regimens +##ala +glomerular +amplified +hypertrophy +electroly +yr +width +sap +##ilization +##iasis +clone +olfactory +##ionine +pts +decade +scav +teeth +parasites +600 +seas +##essions +algorithms +description +aβ +##ani +physiology +highlights +arteri +anch +ige +##ofib +bioavail +##ux +sclerosis +circadian +mh +nl +believed +improves +pref +mediators +chel +trace +##iod +regulators +sought +german +microenviron +encour +distress +expon +nerves +aerug +let +born +hier +envel +retard +embedded +meaning +building +sulph +zeb +16s +ask +##oxygenase +malignancy +##esize +conductance +##romes +generating +spine +##atonin +##anted +coch +aeruginosa +##oxacin +##ayers +##nea +neoplasm +capability +14c +2010 +##idium +tubular +satisfaction +##inating +##patient +staphylococcus +pestic +##asone +##enger +additive +heme +interstitial +square +deter +opening +unrelated +hosts +ia +005 +##fam +##dial +fd +transferred +hierarch +##g2 +##olym +catenin +##ylamide +bf +collectively +##ogenes +##rim +unusual +thrombin +unexpected +overview +splicing +paired +##lands +integrin +deficit +expanded +sun +atypical +chron +enl +neuros +easy +##array +woman +##actory +##xy +lag +quite +mscs +tip +clamp +neurodegenerative +##pes +responded +reviews +##organic +copy +brazil +##omb +##itors +harm +alt +emissions +ank +compliance +##ysiological +meat +180 +physician +##zation +mf +t4 +scheme +zero +exposures +adjustment +pathophysiology +##ques +obstruction +##vs +##apses +predictor +acetylcholine +microorganisms +cellulose +hot +sud +ultimately +chamber +##ometrial +occupational +nucleotides +##phthal +##phr +recordings +dg +##vic +dense +recons +refractory +reserv +span +pseudomonas +weighted +iga +systematically +silver +investigating +##ceptions +##k2 +mw +domestic +##orous +disulf +pi3k +##ococcal +immunodeficiency +##cious +lymphoid +melatonin +institution +seasonal +tooth +assumed +chloro +severely +gy +attractive +c57bl +esophageal +rough +##lam +kappab +thoracic +##43 +mediating +border +conditioned +edema +oligonucle +hif +structured +tens +forward +implanted +dw +oxidized +##yster +nb +modulating +conjugated +coinc +designated +tendency +je +rup +europe +##iol +##static +kit +110 +sand +homogeneous +equally +clarify +mtor +connected +ecm +configuration +c2 +traumatic +alanine +stored +bab +##ellite +colle +fsh +##otub +sense +##osen +pollut +para +##aving +bonding +##ming +deterior +immunoreactive +started +feasible +aberrant +##etized +##weight +discontin +inorganic +##estr +##ests +rhythm +pancreas +displacement +stomach +tac +postm +malignancies +##acterial +comorb +vaccin +crc +guided +chim +g1 +##ighting +##off +snp +analogues +##uli +examinations +hemorrhage +automated +profound +cfu +discussion +sig +##elves +segreg +intermedi +##onom +##omerase +beh +striking +din +prostaglandin +capt +irradiated +surfactant +neurom +##nk +cystic +##ada +catechol +guan +granules +deplet +##n1 +immature +necro +senes +r2 +port +categor +hall +droplet +2016 +##sk +warr +alle +version +shed +comprised +emphasis +declined +##titis +##max +##ept +lobe +exert +##otal +##acerb +myosin +##adren +warm +alkyl +gol +exacerb +cigar +glu +formulations +chosen +radicals +databases +dissem +insect +hol +##ison +glycine +counterpar +gfp +densities +anis +too +dism +mas +acceptable +bh +hypothalamic +##opausal +mathematic +##d1 +substituted +oa +##rosp +##akes +##oides +##iciencies +depressed +a1 +accepted +ionization +conversely +epidemic +vascul +subp +swe +articles +##itized +elucidated +##ethylene +##apor +##atch +microarray +##hion +histopathological +gnrh +fig +sar +verified +anthrop +scaffolds +station +interviews +premature +methanol +critically +endoscopic +chit +duod +ef +professionals +serial +allerg +precipitation +cdc +microbiota +portal +sg +raman +remarkably +##factor +saturation +evolved +anemia +##inescence +labelled +pylori +avi +edge +tap +juven +##arum +folding +educational +ambient +quantitatively +##ulsion +trna +thr +##ordance +switch +##zen +team +maps +pca +ranges +ocular +hearts +analyzing +##gene +vibr +geometry +optic +stiffness +fs +vin +2015 +fashion +preferentially +aorta +corn +ine +atrophy +inverse +commit +evol +income +striat +objects +comprising +follicular +underl +##azol +meal +fermentation +neighbor +sulfur +nonin +contral +pit +immobilized +##odal +##pyr +erythrocytes +assessments +rheumat +sequenced +orally +inoculation +bw +##amethasone +eating +intense +supernat +leukocyte +bif +alkal +##asome +opportunities +surprisingly +intell +inver +doppler +vp +examining +125i +amelior +##imb +gastr +traj +fourth +novo +sib +eukaryotic +sensors +stabilization +ole +mitogen +##esium +##rontal +phospholipid +proportional +cool +neuropro +monkeys +lands +construction +country +cerebellar +polarization +africa +##amer +##oprop +##ochrom +continue +##grade +arrhythm +representation +##otyping +##iable +soc +attitudes +##iatal +##cepts +##ostatic +pharmaceutical +##cale +porous +retina +thems +##ubicin +burn +##viral +preclin +themselves +coagulation +girls +##hydr +excision +##istar +lectin +slud +lipopolys +hind +##pin +##ffe +##fluor +gst +##unt +glycogen +scaffold +starch +##ecs +##rex +##ply +vasodil +##gt +objectives +swelling +opportunity +hous +osteopor +antibacterial +clean +discrete +walking +continuously +crystals +calibration +unilateral +conserv +fibrill +spontaneously +stranded +wistar +cascade +establishment +uc +kr +kidneys +termed +atl +attempts +##ito +mask +renin +acoustic +##a2 +che +suffering +powder +##ulates +obst +crude +indications +##agic +medications +2009 +upd +releasing +waters +preclinical +lev +why +n2 +transitions +aspect +sessions +##ai +##key +principle +unable +naive +kind +employing +ccr +losses +ganglion +ebv +##imetry +sometimes +lamb +hypoxic +bioavailability +contralateral +cultural +endoplasmic +p3 +tolerated +chi +##63 +mitotic +trigger +brown +##osus +round +calor +fragmentation +bott +fus +reward +phenomena +ethylene +bs +1β +harves +dcs +##arged +practition +vision +##ellow +analogue +enabled +anticoag +excitatory +##clc +histologic +fibres +##ivation +placental +influx +molar +##elect +scar +reproduction +##ograms +reaching +mcf +motifs +modalities +acr +radial +muscular +excluded +repeti +tone +hepatocellular +2012 +definition +hydrocarb +##ague +##otherapeutic +front +cerevis +cholinergic +owing +online +##otrophic +disturbances +##ensitive +permanent +irre +peroxidation +##yrin +crypt +conditioning +biomed +hsv +##ectable +bund +liposomes +##nis +engineered +phosphorus +lumbar +eosinophil +cerevisiae +providers +##67 +trypt +difficulty +##itig +##ocatal +gives +replaced +sna +##rav +drive +##aturated +ger +##olus +approved +ablation +##eted +autologous +##ozoa +night +applicable +corrected +##ete +bacillus +immunoprecip +##iary +waves +resemb +participated +micron +ko +adolescent +persistence +strict +sludge +slower +hormonal +blotting +##ographical +sampled +2013 +2014 +december +##agm +conduction +##amines +gyr +arc +personality +##erated +nanom +energies +##ellum +fate +seeds +phage +##enta +newborn +##ostatin +arach +##arcoma +mutagenesis +tro +priv +illustrate +operations +peroxide +partition +belonging +extreme +glycerol +lib +resol +##dibular +survivors +epitope +trypsin +enough +c1 +encountered +promoters +contractile +preserved +endometrial +cirrhosis +suspension +dexamethasone +angiography +##ocompatibility +retrosp +deoxy +microenvironment +focuses +fertility +constitute +manipulation +interacts +lesser +aspartate +activates +noradren +##ears +##iding +tris +minute +leu +stay +mk +fifty +distant +##onium +sen +##lif +hypot +mutated +##ache +##enter +careg +reconstit +##anal +cadh +##oscopy +contrary +category +##tia +1990 +gestational +zebraf +catalyzed +zebrafish +profiling +osteocl +epitopes +elongation +accordingly +##odegrad +modify +subpop +constructs +ppar +antif +caffe +preventive +dispersion +respiration +concepts +intram +dopaminergic +psychos +tracking +arise +##entis +canine +drain +##ret +filament +epiderm +neoplastic +causal +solubility +triple +prenatal +branch +dair +##tives +##uvate +df +2011 +covid +lowering +##42 +satisfactory +seizure +##terase +ammonium +recognize +phenolic +polyc +dissolved +##ronectin +race +##mm +closure +##vasive +nin +tick +##oir +microscope +concurrent +ammonia +retrospectively +guidance +cyclase +##ophyll +mathematical +veter +##obut +slices +salivary +tam +crop +allevi +etc +returned +caroten +condens +##jun +codon +insufficient +covered +insp +striatum +vaginal +uncom +conscious +familial +academic +sial +proc +lasting +transporters +##openia +peric +latent +transforming +similarities +template +uk +##anium +nsclc +lifetime +##urable +purposes +youth +polymerization +dock +##enth +rub +##odec +##athyroid +eh +hyperg +horizontal +##x1 +glioma +enanti +essentially +bmd +video +facilitated +##pp +##ola +city +lineages +2008 +##onine +chitosan +apply +clustering +homogen +tk +pari +balb +ances +restoration +sole +##acranial +dest +##oplasty +##bil +##ophan +dairy +soyb +deal +##uz +##adequ +calculation +ventricle +imped +nadph +inadequ +contractions +testicular +cot +##oblastoma +depleted +##rod +mitig +trees +alumin +##ectomized +equations +uncertainty +cycling +adopted +cef +structurally +directions +yellow +quench +bacterium +mimic +##estim +controversial +rain +served +winter +irrevers +golgi +converted +lipopolysaccharide +140 +spind +##ifug +assayed +notch +2005 +goals +##ians +##ptic +apo +002 +##eled +nal +gv +papill +##glycer +aquatic +##mv +fri +proteolytic +##iplinary +follicles +residents +subsets +plasmin +leukocytes +catalys +##family +tsh +##accha +separately +flavon +rhod +acth +1h +devi +named +##rt +catalase +tas +cin +evidenced +testis +flat +bioactive +agricultural +hypothalamus +2017 +ide +copd +eliminated +src +##anger +biliary +colonization +slowly +moiety +wood +breathing +1a +adding +boys +##ygd +2a +fecal +scans +takes +herpes +name +grain +##olab +compatible +penetration +antidep +abilities +##tructural +prl +dramatic +repeats +disulfide +machine +mediates +##tism +axonal +450 +neurotransmit +alignment +flank +reservoir +##uck +partner +ccl +denat +frozen +##osidase +tric +pneumoniae +neurop +##brain +dia +attenuation +househ +##antib +##anned +otherwise +##acyl +hh +carcinogenesis +colonies +electrostatic +placement +laborator +##ilon +needle +tachy +isoth +amygd +##uly +corticoster +anticip +subgroups +contacts +##39 +deprivation +rhiz +ovary +injured +ome +##rowth +dilution +downregulation +web +damaged +presumably +fluctuations +swim +piv +overlap +aeros +conven +canal +inputs +locally +coast +oriented +moderately +adrenocep +m1 +ont +cmv +sudden +##59 +transmitted +##oms +pelvic +destruction +##astatin +mosqu +cadherin +moment +gross +immunobl +##angements +interpreted +tendon +assembled +##mium +weekly +##itability +coil +dismut +cris +conductivity +##rogens +axial +##66 +running +envelope +abor +glycol +syndromes +##eces +react +##48 +perfor +##cp +meg +##b2 +occasion +agar +chor +tumorigen +crp +h1 +magnesium +carry +urg +dosing +nutrients +simpl +antidepress +##ogeneic +topical +select +heating +hypotheses +popular +moving +repress +steroids +word +laboratories +flexibility +fn +ascorb +quantity +##day +hyperplasia +catalyst +mating +lucifer +##ropathy +habitat +homozygous +distor +cyclo +pilot +##ius +influencing +2007 +incomplete +ging +##aved +f1 +erg +ribosomal +larval +hemisph +unst +##orubicin +2006 +nucleic +answ +##ogenicity +##mal +constitutive +chemot +prevents +batter +specialized +favour +matching +behavioural +superficial +subcellular +augmented +prefrontal +##m1 +p1 +ai +##opyr +bmp +thresholds +clonal +##uing +arsenic +endomet +modest +kore +##fish +##gu +lifest +##ocular +##inting +lup +helpful +dissection +introduce +anast +130 +axon +explicit +##epinephrine +pdgf +fruct +##ocated +cyp2 +##hyp +trem +distances +summer +##inance +##ograf +manual +promotion +firing +##romyces +session +stimulates +details +##itated +austral +flap +promise +##enzyme +##x2 +##elve +##ongest +leucine +norepinephrine +determinant +##opus +mood +twelve +compartments +yl +d3 +##trained +mosquito +absorb +intermediates +nemat +ganglia +fourier +##edic +accompl +proinflammatory +couns +endemic +rheumatoid +played +reflects +dysreg +killing +photon +tio2 +achieving +h3 +##acrylamide +##inates +mot +##iosis +respondents +usage +boundary +##floxacin +cadmium +intim +thermodynamic +stream +wean +til +methionine +took +soybean +obstructive +penic +##mitt +helical +mercury +antigenic +fluids +##68 +##dd +assembl +histology +prove +modality +apprec +##rox +offic +trap +friend +asked +transplanted +explanation +normalized +tryptophan +fabricated +c4 +immunotherapy +monocyte +##lated +##yel +delt +##pheres +rip +responding +##abin +##thromb +##oconstr +##phase +dismutase +##55 +constraints +son +slope +offered +avoidance +##olone +earth +##otting +neuropsych +conjunction +biomedical +biologically +vo +##ah +##lit +parietal +malform +grass +kinds +sy +##ectic +##arboxyl +intermitt +preservation +arb +toc +sacr +becoming +arising +observe +exclusion +##itous +vl +##accharomyces +percept +abc +jus +lign +pigment +distinguished +junctions +##idic +gait +##after +microtubule +mex +percutaneous +oz +usefulness +##illi +downregulated +perh +fibronectin +apparatus +giving +rum +nitros +ingestion +summarize +ecg +recall +neo +##c2 +pharmacokinetics +highlighted +trafficking +cement +varies +flight +##imil +primers +bdnf +deox +2004 +fp +transferase +suicide +pth +daw +communic +candida +stresses +arachid +##atics +musc +asymmetric +##olid +chromatographic +##tir +g2 +pathologic +monolayer +intracranial +800 +mism +##onduc +colonic +overlapping +##essive +prolactin +##polar +kl +prone +disturbance +examines +##etamine +##otroph +titers +##ubation +calves +perhaps +sac +##oking +stra +challenged +flag +##ensitivity +vc +bacteri +batch +##irable +propagation +excited +surveys +corneal +microglia +preterm +rectal +matric +jejun +biodegrad +stabilized +propr +csa +maize +##itter +##ishman +gels +synapses +thyro +##axel +crystalline +proce +embol +idea +##uate +eventually +picture +decomposition +spring +chip +##o1 +statistics +##uscular +rely +##itri +trac +senescence +deletions +limitation +perfused +pseudo +##imetric +##vation +hydroxylase +anastom +user +centre +discrep +perin +viscer +renew +integral +rule +lowered +chemically +cationic +allo +erythrocyte +p21 +indication +cure +programme +pretreated +repetitive +##cardia +incons +osteoporosis +recipient +vesicle +solar +reflecting +zones +validate +juvenile +##lyl +isotope +##agement +typh +pulses +##epith +taxa +##olum +##xr +160 +exhibiting +##ools +bipolar +##utable +##but +tol +fertilization +lumen +##isciplinary +autosomal +lithium +code +idiopathic +##oxif +confocal +prophylaxis +analogs +degraded +immunized +pollen +meet +##oblastic +##menting +diagnoses +reproducibility +quar +century +mediator +viscosity +##blast +##iton +pge2 +teaching +filaments +unres +cros +dodec +facilities +##69 +##inder +ice +##ecan +dissolution +##75 +electrophysiological +ethnic +worse +fibrinogen +atmospheric +hela +##ozo +##44 +##ift +pod +averaged +##uity +volatile +shifted +mixing +cerebellum +##oradi +universal +##ipine +##odon +establishing +finite +stent +multim +##iffer +cac +coordinated +genetics +##virus +moun +nodules +spot +allogeneic +helic +##ulmonary +spermatozoa +dermat +##uclear +bronchial +luciferase +transfusion +bb +gt +insuff +sized +sick +105 +copolym +gf +commercially +##unk +multil +cations +2001 +nick +osmotic +##ble +lysosomal +arrays +mapped +ligation +dominated +autoantib +render +echocardiography +2003 +2002 +dendr +##urnal +##ois +confined +mitral +cip +standing +##arse +nac +lengths +heterozygous +##oreg +inversely +spik +cytosol +conceptual +switching +inserted +sphing +##ida +##pi +##iliary +##rane +##urons +##omyc +sediments +pka +##usc +tea +productivity +##pine +proportions +brains +aph +##rov +provin +myocardium +claim +reproducible +rose +psori +jnk +symb +specimen +forced +dead +myelin +ectopic +ea +terminals +##irc +apart +##roid +immunosuppressive +##points +##opter +psychosocial +glucocorticoid +ubiquitous +rhyth +victim +drainage +chiral +apt +leishman +##benz +##onical +held +tpa +gad +dial +##igation +macrom +regarded +##exin +progressively +advanc +facilitates +discusses +inherited +spike +caffeine +paral +##fc +serves +thorough +entr +optimize +aux +poli +reversal +##izer +perceptions +##gia +bax +gained +nom +##45 +connections +##ulant +extin +hydrophilic +phospholipase +consumed +phospho +##ounding +sixty +fist +biotin +burst +ago +epidemiology +##ees +matrices +inadequate +dent +radiological +nox +managed +spectroscopic +financ +quantities +asper +describing +sprague +##ielding +##cy +interpret +market +bases +stationary +recycl +concentrated +june +##opress +lifestyle +oscillations +institute +dawley +doxorubicin +inactivated +##ophosphate +##ographs +marginal +##orh +desired +resin +glutamine +fused +margin +enhancer +##ococci +coex +##olateral +remove +autonomic +febr +fell +historical +##omod +##hl +links +rd +glycosylation +unstable +##obac +developments +hospitalization +##enteric +##uent +##phosphor +##osarcoma +verbal +accessible +questionnaires +subm +fmri +hi +binary +islet +copies +catabol +plasmids +##aking +policies +##uation +mg2 +##regular +cochle +attributable +adhd +##odialysis +asian +##aterials +gradients +desc +datasets +physic +biosens +deline +ineff +hn +believe +window +keep +##88 +mouth +stat3 +bsa +pyruvate +diarrhea +##icidal +##hal +usa +massive +permit +nav +dioxide +als +irregular +##letes +dynam +intron +dataset +divergence +metric +##fort +##oar +priming +ends +displays +##uric +##ards +overexpressed +pollutants +phospholipids +constituents +##uretic +##olet +enabling +saturated +march +intraperitoneal +terti +killed +rings +##enopausal +histologically +stimulatory +##otropin +avian +pah +thiol +##omatous +anatomy +drought +##ivity +##itudes +nicotin +##odium +exploration +##bumin +big +##romycin +connection +granule +polyacrylamide +ultrason +student +cd34 +##anyl +##orbol +glucagon +geographic +inconsist +substitutions +colitis +µm +##growth +mycobacterium +monomer +##99 +calculate +haemat +##33 +spindle +acceptor +ik +walls +nanoparticle +thymus +##allow +periodic +thereafter +fluoride +vestib +##pe +adsorbed +vertebrate +scenarios +asd +america +reacted +ll +##idazole +interfering +dust +111 +rho +ctl +filled +tbi +metalloprotein +disrupted +rect +comorbid +chaper +seeking +neutralizing +th1 +irres +tropical +routin +india +perceptual +inherent +##acil +b1 +##aris +serop +repression +amygdala +demands +omega +outl +##oate +covalent +intermittent +ngf +##onomy +##while +east +saccharomyces +sensitization +clock +modif +##icans +criterion +practitioners +vulnerable +docking +##ylase +gyrus +##inery +smad +organized +##py +##47 +oce +brady +iu +irreversible +pock +depolarization +rupture +hierarchical +accounts +jour +opp +peroxis +chickens +immunost +tubulin +##ylic +glucuron +##ationally +laparoscopic +neoplasms +minimize +microl +sept +noninvasive +correctly +encode +xanth +1999 +vast +diaz +tertiary +prp +lake +aspirin +##arium +differs +scaveng +reciproc +splen +missing +##amidal +threatening +anesthetized +##tructures +automatic +cytoskeleton +tumorigenesis +thymidine +annot +lncr +##ografts +pmol +oocyte +##cription +##ented +##thood +turb +##oglycan +solvents +##95 +##ibilities +e1 +pad +hdac +##yc +individually +pell +mpa +cigarette +hbs +##phasic +west +headache +sarcoma +plur +adulthood +inositol +##yclic +##rug +ew +esophag +immunocyt +genera +##oxicity +apoe +locomotor +##ifferenti +sent +lupus +ae +cloning +hydrogel +drawn +##odend +##hol +violence +ultravi +inos +nif +foci +##ino +ultraviolet +athletes +ptsd +pivotal +##obarb +sigma +##cm +streptococcus +003 +instruments +##amph +virtually +lactation +semic +gelatin +biod +curc +counterparts +##uncture +built +actively +island +neglig +bath +virtual +exerted +aneurysm +##eties +lambda +prep +incident +inhalation +kcal +mumol +postsynaptic +rodent +differing +pec +bn +##lim +volunt +ligament +photosynthetic +##onyl +undet +##iers +##arct +nich +cognition +vasopress +dup +##tron +##itance +fetuses +##erate +choline +lb +##glycerol +proteasome +hcg +tele +entit +proline +##enyl +build +spherical +cysts +irrespective +eastern +deduc +oligos +attempted +blockers +hamster +confirming +mention +phant +college +##flav +##ophysical +asperg +1998 +ldh +usual +orders +microgram +triglyceride +detector +ipsilateral +kept +##ods +pooled +succin +centrifug +##cd +conservative +cpg +plates +fibre +terr +106 +proteases +##ochemically +##tra +dib +altering +emg +pand +##ethanol +cess +corp +psa +smoke +##orp +incorporating +follicle +deposited +electrolyte +striatal +isomer +haplotype +cub +seemed +1α +emt +pregnancies +plex +expert +##n2 +##atr +page +passage +polymorphic +##acetic +qp +afford +wear +alcoholic +##ception +cm2 +mtdna +fum +nanotub +albicans +trypan +##economic +judg +muscul +straight +##inform +equipment +##epithelial +therapeutics +visceral +##aemic +##pons +deterioration +registered +neonates +blocker +saliva +##imp +fel +modelling +elicit +fair +hydrochlor +capsule +giant +accumulate +symmetry +bull +septic +projection +nir +discl +dermal +foreign +prescribed +##m2 +coping +insects +afferent +cessation +##met +electrophore +postoperatively +chemokine +spi +projections +gem +physicochemical +particulate +endotoxin +evaluations +faces +##±0 +##rosion +##32 +5p +assumption +completion +heterologous +cck +pay +rodents +moist +epsilon +weakly +ankle +backb +primer +pma +myeloma +ratings +anc +phon +covari +visualization +##ura +fh +stain +obtaining +##olipid +apc +arrangement +##nary +orbital +##istrib +lactam +##entists +cranial +handling +advance +visits +gla +consult +interfere +##62 +kh +##omegal +##va +extinc +islets +immunosorbent +aldosterone +engagement +defining +luminal +neuroprotective +circumst +chimeric +##ucl +estimating +aq +abl +mini +##onuclease +autism +##g1 +tomato +lf +today +retrieval +toxins +keratinocytes +radioactivity +fibrillation +##ivariate +##osides +##fen +wounds +placenta +spatially +bayes +##acycline +messenger +classic +outpatient +cvd +adenovirus +infused +initiate +heterod +periodontal +indicative +accounting +ethical +##tified +teach +##iar +wil +immunoprecipitation +courses +deterg +##arial +articular +##rospinal +stratif +gray +##role +##bilical +##amino +butyl +##odic +canonical +##otent +synthet +dichlor +underg +surgeons +continues +##d2 +lysis +##operation +##otechn +amn +causative +erk1 +joints +exerts +mabs +##affin +gaps +bilayer +##inositol +nitrite +##itrile +leakage +formal +australia +bim +lattice +##bred +intraoperative +gag +##ulder +nonspecific +bridge +anomalies +##del +exten +##zymes +##onn +antifung +landscape +fire +rated +##alanine +applicability +spite +schools +cxcr +dft +horses +quickly +spac +provision +mec +##gic +converg +autops +polycl +##ulsive +elig +reinforc +masses +consistency +bcr +photocatal +amine +##elia +th2 +intensities +##electro +mind +##imus +april +definitive +modulates +indirectly +ordered +lipase +ultrastructural +complain +undergone +absorbed +insensitive +behind +livers +silicon +##ido +##odg +noradrenaline +nurse +ze +101 +plaques +tin +remote +ecosystems +abrog +1997 +antisense +cerebrospinal +jak +plasminogen +branches +modifying +hemisphere +shortening +##agglutin +##omere +cgmp +neuropathy +esters +rock +tibial +entrop +phi +vip +ejection +stretch +aerosol +cleaved +##thy +##2b +helper +brca +2018 +##olecules +rigid +1980 +resorption +persisted +collabor +negligible +hyperglyc +citrate +consuming +july +rif +abnormality +##adv +angles +began +umbilical +machinery +vasoconstr +exha +preferences +m3 +possesses +exponential +shoulder +troph +opin +prospectively +cephal +adjusting +pulsed +cyl +chemotherapeutic +burs +strip +affective +1995 +conjugates +physiologic +sexes +tightly +schedule +cow +synov +##oea +desorption +termination +cooling +revealing +imbal +methan +observational +doped +##epam +##obenz +conjugate +survived +uncover +beta1 +intravenously +##astin +##mcs +transcribed +indometh +ckd +##anin +crf +calmod +##igr +energe +##onym +zno +persp +mand +##unting +sufficiently +antioxidants +constitutively +porph +##sc +fructose +breakdown +##aker +indomethacin +atherosclerotic +stack +progenitors +meanwhile +scoring +polypeptides +compan +##version +##77 +##echanical +ber +differently +crossl +##49 +anten +geometric +cyclospor +polyclonal +interrup +conflict +heavi +cust +lactic +##endocrine +ok +deformation +rhin +##ilized +vo2 +##onazole +##ona +invari +bios +lives +sheet +calmodulin +theories +thre +##ropl +recessive +eleven +##5a +##amb +fabrication +trab +malt +##atosis +cohorts +1beta +predicts +beads +away +resident +get +pesticides +converting +demonstration +grafting +designs +insufficiency +##etics +her2 +bv +socioeconomic +extinction +ampk +polarity +tof +adducts +oxal +adipocytes +vertebral +colour +impairments +nocic +salts +arres +microvascular +routinely +##iently +mds +pine +transcriptome +meeting +expend +extrap +polymeric +histidine +taste +hyal +compact +β1 +players +fungus +ingr +vt +innovative +clo +##ographically +english +##4a +##icillin +##tium +elast +san +1996 +reagents +ocean +sox +transverse +##31 +hydr +pahs +##anolol +curcumin +stock +informed +argue +##ozyme +cue +audi +hmg +administr +spreading +##ading +government +relief +radiographic +##aboration +lived +##ova +private +selenium +corticosterone +reasonable +outbreaks +exceeded +unlik +##mia +backbone +unpr +perspectives +eliminate +overweight +cdk +escape +odor +interpl +##oplasia +methodological +capabilities +worm +##ony +segmentation +dried +semen +unlikely +faecal +glycoproteins +loads +quadr +##oprotective +vasopressin +probable +##urium +acin +dysplasia +cab +lew +##inted +invent +incid +##ocompos +##ompass +echo +minimally +voluntary +##extr +phorbol +##urin +104 +microsomes +##01 +imag +flexion +3p +##inin +encompass +sars +mrsa +electrophoretic +adhesive +microtubules +##avir +tubules +vaccinated +pmn +ingred +micelles +##eria +##xa +fractional +iodine +vocal +expendit +precon +ww +distric +palm +serological +detrim +characterised +carbox +##v1 +2b +sporadic +filling +oxyt +disappeared +match +connective +poison +##pd +functionality +financial +notion +hepatocyte +##dii +immobilization +dut +pathophysiological +##stem +polyphen +intercellular +exons +##abine +pgf +split +hemodialysis +splenic +polyethylene +##arinic +implic +killer +##icul +##l1 +negl +circuits +microw +genital +ineffective +vapor +trunk +intended +antifungal +##ecific +##ichi +deleter +seedlings +##yrate +nrf2 +facilitating +routes +##gd +µg +dodecyl +oncogenic +sacrific +multidrug +tot +cosm +ri +##atation +deleterious +mucin +arachidonic +borne +methane +planar +preserv +scaling +hered +ether +propranolol +overexpressing +tat +icp +##h1 +##asty +##lipid +lean +hcl +qpcr +jo +gyn +plots +microsat +linearly +sharp +mobilization +relatives +##usp +deposits +h2o +restore +unid +weakness +##51 +trade +carp +108 +biosynthetic +intellig +##ober +contaminants +b2 +##onitrile +tracer +carefully +iq +pandemic +va +creating +##36 +mentioned +familiar +balloon +humoral +suffered +harmon +##copl +immunomod +carboxy +subtil +##nd +ff +asia +geographical +signature +considerations +oligodend +##ou +1994 +actually +bioinform +infarct +##romagnetic +##advant +archae +ferri +cardiomyopathy +empt +unco +trif +disadvant +spent +##ologist +hypersensitivity +proof +palmit +##kinin +##elle +##erum +grav +##titude +radius +learned +regime +cycloh +catalysts +lymphomas +##osamine +##flur +vertebrates +ftir +microsomal +somewh +splice +caudal +1b +whil +reactor +analytes +nephropathy +duc +##acial +##enstr +##iesis +##aminase +originally +##requ +perp +relate +##uan +traffic +thous +postpar +scin +semantic +bench +##odi +whilst +fuc +polysaccharide +##emporal +submitted +vw +wm +##osperm +origins +fetus +##fall +abscess +illum +pancreatitis +##oler +fb +rules +anthr +vulnerability +discriminate +phagocytosis +prophylactic +interplay +c6 +mcp +plurip +uncommon +manage +patches +germination +fuel +proximity +aller +insectic +hat +suffer +kary +verify +ee +prey +##58 +biologic +titanium +angiogenic +chlam +parathyroid +puber +sto +falc +multiplex +perinatal +acceptance +heterozyg +##atinum +programmed +##functional +lid +methoxy +hodg +freezing +impedance +exec +vig +sensitized +paf +synthetase +circumstances +foss +imply +crani +102 +dihydroxy +legal +##ka +designing +internalization +##obacillus +sorption +duplex +ses +antihyp +pleural +##opulmonary +strongest +mesenteric +rbc +segregation +quer +triggers +groundwater +##73 +successive +##entric +briefly +postpartum +relies +wash +asymmetry +trabec +subtilis +breaks +##eption +##econd +staging +neuroendocrine +##fo +##ubin +hodgkin +gradual +##78 +dextr +##coplasm +phosphatidylinositol +cultivars +pyramidal +peer +vestibular +##opropyl +bolus +##aver +##lv +sacc +##atite +##unds +institutions +suppressing +fruits +neuroblast +apolip +potentiation +statin +derive +cone +duodenal +##raphy +addressing +simply +radiolab +extending +uro +amorph +utilize +edta +summarizes +mdr +cass +functionalized +micrornas +bayesian +posttrans +reagent +##isely +bottom +nn +nephr +oligonucleotide +compromised +##rogenic +curv +efficac +migraine +attributes +lymphatic +artif +competence +fasc +##ustion +##esophageal +granular +papillary +isomers +tai +somewhat +spots +voc +##0000 +ash +##cein +fractionation +hsp70 +hct +representations +hallmark +##rely +##inities +ultrasonic +entirely +breath +orf +hybrids +##oxane +september +##ifor +encapsulated +ie +composites +cytogenetic +radioimmun +rm +rnase +fulf +aryl +dha +ultra +detrimental +scc +geometr +##actors +epidermis +modeled +acetic +arms +analgesic +triglycerides +stoch +apolipoprotein +responders +implies +sharing +##amil +##enem +calf +solely +preferential +##igenic +npy +venom +desirable +103 +##plasm +synapt +quenching +electrocardi +2019 +underlie +canada +adenine +habitats +monolayers +retardation +neuromuscular +immunostaining +nanocompos +pbs +lic +##120 +##ya +##mann +bones +osteoar +myocytes +regenerative +loops +stochastic +interm +interne +acceleration +brainstem +##inge +chronically +phenol +limbs +mag +eif +percentages +autoantibodies +october +cauc +##98 +amide +neurotransmitter +illustrated +##ocycl +centered +gated +presynaptic +##iefs +dispersed +folate +tx +##41 +fitted +tuning +supple +##aly +myr +##aran +1992 +quadrup +fitting +proteomic +##apsed +chemo +allograft +episode +corpus +neurologic +##oprol +hyster +cultivation +scenario +deduced +haplotypes +xenopus +analogous +##istribution +synthesize +microspheres +mandibular +dsm +sustainable +conformations +phil +##yrene +descending +carbonyl +vill +meaningful +rescue +endocytosis +fly +nadh +liv +ibd +ventil +##osensory +##borne +caucas +rearrangement +bk +accomplished +agglutin +hepg2 +123 +##obacterial +gg +gw +swine +whereby +elegans +##oti +hereditary +somatostatin +mun +contexts +veins +kil +chd +transc +originating +##otyped +hsa +foundation +facult +aur +insurance +##r2 +depended +tolerant +1993 +ord +intersp +utr +tong +pathologies +beliefs +operational +covering +isop +##ethylation +pocket +califor +detach +confirms +##agr +##nps +##opher +swed +alp +antiserum +pulp +ca1 +serotype +plateau +##olk +aggregate +reflux +ozone +##obulin +##apine +distinctive +accommod +##irubin +casein +poorer +catalysis +explor +deviations +##appro +##ua +##utely +##ares +remed +generates +pde +hospitalized +hydrogels +warranted +positivity +sag +aspiration +##iii +detox +chlorophyll +thrombocyt +pyrid +muscarinic +tachycardia +typing +droplets +##anil +adrenoceptor +##onv +##amel +acetylation +##ussian +##unately +alph +##hn +rearrangements +##cetin +trail +schw +alters +##ettes +cardiomyocytes +modulus +##asal +##omial +transgene +mesh +precisely +registration +##phragm +crops +purs +epine +##ptions +province +medicinal +debr +##berg +bring +##inesterase +oncogene +gingival +bus +##vive +prompt +##glut +coordinate +msc +lamina +ache +dens +microflu +salinity +platinum +004 +##osum +caregivers +effluent +amorphous +harmful +retrograde +yielding +interfacial +contribut +household +##agg +##eptidase +cxcl +dependently +cea +proliferating +psoriasis +##iled +intens +nic +##ovir +##icated +##hep +topic +pom +nude +monkey +threonine +debate +##ldl +photoreceptor +preceding +litter +##entary +ix +recycling +analgesia +accordance +131 +##gluc +moisture +plot +electros +igfbp +##urea +lipoproteins +tlr4 +abeta +nickel +retinoic +suppresses +insol +los +##asi +##bow +bromide +transiently +perturbation +1991 +postulated +expir +supernatant +aba +dimers +reflection +farms +qol +postmenopausal +compositions +##asting +##yroidism +fen +##ativity +relating +intention +epileptic +##omed +arrhythmias +seventy +traditionally +glauc +##infected +scavenging +spir +shapes +pools +diphenyl +come +inventory +oncology +carc +digestive +##oxidase +broader +##genesis +sorting +vibrational +##amuscular +drastic +fibrous +maze +prednis +fifth +probiotic +f2 +imper +freshwater +captured +##osel +ultrasonography +isopro +##worm +paclit +august +##alent +biofilms +len +survive +109 +protr +columns +immers +organizations +paclitaxel +cup +stratified +##urgical +flanking +anatomic +##ional +drying +##ishing +##otropy +polarized +configur +sexually +parac +##chol +rl +intramuscular +ferritin +240 +hes +possibilities +allelic +hyperpolar +module +benzene +hone +107 +genotyping +fv +##yx +pw +##oke +gsk +vegetation +drivers +##ulator +transpl +suggestive +fra +brought +biphasic +realistic +transloc +trib +descriptive +clustered +autopsy +##omethyl +palli +mtt +linker +organelles +##ocysts +dysregulation +nap +cholec +coastal +raf +overload +##ophosphamide +##1b +superfamily +transpar +visit +breed +elusive +##64 +expectations +##asp +conditional +germany +potato +##hex +##achlor +reliably +dyes +cooperative +##je +accid +efficiencies +##quis +##ogeny +soon +excitability +job +aware +reconstructed +balanced +cbf +##yan +interfaces +stoichi +ling +##ocyst +700 +underestim +##imes +broil +bub +icam +multis +motivation +potentiated +desens +##ulture +imprin +anions +inability +hop +checkpoint +reperto +drink +titer +gent +affinities +assumptions +boundaries +subpopulations +aggression +dextran +proteolysis +entity +vm +freeze +semiconduc +corresponded +hold +raise +##obi +degenerative +galactose +parasitic +diffus +dot +amplitudes +##oxifen +##psychotic +emphasize +bbb +taxonomic +##cg +wider +1alpha +##rolase +##umb +immunosuppression +motone +##oquin +swimming +mosa +strengths +ulcers +conducting +gvhd +falcip +##appropri +laminin +develops +antidepressant +monte +dq +rdna +analytic +##oni +micromol +reciprocal +constitutes +surrog +battery +hpa +nond +identifies +penicillin +unex +anaesthesia +prev +entropy +incomp +corresponds +totally +chondrocytes +dispersal +ment +electrons +inappropri +leaders +dv +adequately +hydration +morphologically +transcriptase +simulate +cobal +oils +executive +uterus +menstr +##oal +##inement +##inyl +diameters +##mscs +radioactive +prostatic +caries +natri +tracheal +trajector +##ulsions +hope +##adm +##yric +capacities +suppressive +##etrical +trajectories +harvested +##iest +scf +stig +physically +ign +##ughter +ambulatory +fifteen +seq +progeny +papers +magnet +gbm +rsv +##79 +rotational +prepare +plans +ophthal +transported +##imaging +accessory +carcass +stroma +weaning +tocopher +pten +cyclophosphamide +##piratory +##tection +vent +##oric +contempor +viewed +morning +erythrop +phantom +##ky +cll +resultant +analyse +divergent +hygi +##otemporal +enamel +crosso +falciparum +initiating +schist +brach +attacks +adenylate +concerned +aspergillus +##ita +forens +osteoclast +searched +views +tetrahydro +kinematic +avp +##flurane +##idol +clinics +c18 +antihypert +unfort +univariate +highlighting +salv +##ills +vom +pathogenicity +antipsychotic +detergent +programmes +mirr +thrombo +hypotherm +lg +##regn +removing +13c +afl +allergy +sector +attain +spray +oxidant +##rost +zo +palliative +mangan +constric +1989 +sah +##otopic +##52 +inconsistent +occlud +endothelin +nh2 +predisp +bruc +epinephrine +neuroblastoma +##ewise +protects +theta +##ocortical +##irection +subtle +hypertherm +transferrin +##hydration +##imide +hypoglyc +eligible +determines +priority +capill +##iated +mineralization +surgeon +grew +aberrations +pars +generations +##mo +hap +works +sugars +seques +hyperglycemia +adenomas +##aa +creatine +angina +labelling +##itating +##549 +performances +vibration +comprises +1988 +hypothesize +compensatory +monomers +synovial +##tification +hydrocarbons +##uled +exploring +deploy +anionic +##agas +disordered +immunocomp +fingerpr +##trial +feel +##gh +indian +stepwise +transpos +##ogether +deng +carlo +revision +deleted +experts +manifestation +cytoskeletal +altogether +covalently +attentional +phenylalanine +weaker +positioning +repro +syr +pubmed +chemokines +##omotion +neurones +citr +washing +osteogenic +judged +multidisciplinary +summarized +##izable +plasmodium +corticosteroids +##ortical +medulla +amylase +orn +##arian +cil +learn +counting +3t3 +piper +pups +septal +hydrochloride +differentiating +silico +dissemination +arous +allergen +cha +##luor +cd44 +129 +##rophot +conjugation +paradox +integrating +thio +participating +lavage +colloidal +##46 +dy +airways +tubes +oxytocin +adjunc +##dia +##opr +gains +pai +edi +surgically +seal +fibrils +integrate +angular +carbam +manifested +deacet +rms +guanine +necessarily +prescription +##head +microwave +rapamycin +pcb +alternatives +##ena +##iguous +##epsin +cough +##enoic +dengue +investigators +ecl +instruc +tongue +stores +collaboration +##osk +erythropo +characterizing +satellite +vasculature +look +unexpl +stressed +##afil +ensemb +twin +##opathological +##grp +instances +cofactor +facility +monocyt +##idym +glp +basement +starvation +exploited +duplication +conges +rnai +##oxia +pha +diethyl +committe +hypotension +coherence +##zz +undergoes +minority +quantitation +##plantation +plc +libraries +obl +happ +##tebr +granulocyte +possessed +proteomics +alloster +clade +expensive +##etine +retr +qtl +##ophilus +infusions +##ophores +die +##imurium +vd +consolid +selectin +grouped +##okinase +equival +##ieties +osteoblasts +unfortunately +erbb +##thrombin +typhimurium +##atinib +microsatellite +insoluble +microrna +epo +diaphragm +##nam +urgent +kir +flies +cochlear +rej +##umps +cel +disl +chap +cd11 +ageing +immunoassay +forensic +atmosphere +shunt +metallic +##wards +epididym +poul +aga +filters +mosaic +##oplasts +cooper +radioimmuno +cyclooxygenase +128 +##jug +hole +##wan +##forms +incorporate +broadly +##vem +dielectric +attend +treg +lysozyme +expenditure +microns +aluminum +##panic +##100 +hv +a549 +antihypertensive +oblig +morphogenesis +##72 +malformations +ureter +eigh +infertility +115 +manganese +triggering +suspended +fent +perioperative +elemental +##omyces +personnel +globally +implying +disappearance +cryop +configurations +##arbonate +##hepatic +registry +##anic +epic +##oscopic +normot +singlet +##mission +consumers +introducing +##utrition +dendrites +compensation +##inator +##ipr +keto +tagged +##nes +dominance +terres +visualized +intracere +helps +competing +ws +beef +monomeric +niche +##ucleotide +spectrophot +stabilizing +##agonal +glomerul +occip +170 +lu +rcc +##divid +physiologically +##roplasty +cw +##illa +institutional +cml +##itum +colocal +talk +fev +pax +protecting +##artan +##dible +supportive +addiction +##rotic +stably +stressors +imbalance +modules +##ofen +tamoxifen +seropos +glioblastoma +doctors +bank +scope +radiographs +##61 +acclim +bending +bid +eighty +crossover +qs +posit +proteome +redund +receiver +convenient +icu +diagnostics +technological +gather +##cnac +branching +periphery +pyro +manufacturing +schwann +telomere +predis +entered +##rio +tolu +##idia +obstac +continuing +##aric +biased +photosynthesis +hemorrhagic +##ously +endometri +retain +leukemic +italy +primates +vomiting +propensity +roll +behaviours +mitosis +mannose +enlarg +rationale +dysp +benzyl +cooperation +##opathies +##rp +resembl +combine +dere +suspensions +prosthesis +osteoarthritis +##patients +coexist +##iles +##olys +scored +##aterally +##ussis +##cell +##nm +##quine +137 +preceded +##retro +##rates +kcl +humidity +bpa +nonp +mad +wing +intran +ut +lock +ovulation +inhaled +endoc +signatures +1987 +fk +centres +neurotrophic +pacing +sports +##eced +pores +segmental +mechanics +thaw +sheath +##aliana +bright +parasit +tablets +counseling +sew +ahr +antin +##ifferentiated +spores +formulated +curative +newborns +##razole +skull +antiretro +kv +outgrowth +triphosphate +calcification +mismatch +pyrim +##edge +road +osteoblast +supplements +branched +que +islands +germline +##abolic +moieties +internet +selecting +digestib +tonic +french +nsa +bilirubin +##itch +medullary +##obarbital +sulphate +alternatively +cast +efficacious +##flex +maln +atax +spaces +dispar +350 +coat +cave +oxygenation +augmentation +habits +##acrylate +confirmation +thaliana +ascorbic +##e1 +properly +quercetin +resusc +dan +occasionally +##erents +reorgan +s2 +temporary +erythroid +proteinuria +table +virulent +overt +##ardial +imple +planned +nanow +monocytogenes +horn +hox +##rna +##izumab +hinder +s100 +vanc +advers +elution +adolescence +vib +seconds +b6 +aminotransferase +##idone +interactive +##ifier +likewise +testes +##olation +##ostr +xrd +attracted +scientists +necrotic +##odiaz +graded +##oactive +grap +huv +maca +extremity +##itten +reconstituted +indig +e3 +astroc +verap +postin +pon +hands +chance +export +copolymer +cultivated +##hi +asthm +##uge +tensile +nanofib +##phth +append +##formin +##opy +verapamil +##azone +mutational +fluxes +biogenesis +phosphatidylcholine +indoor +atrop +118 +##uling +surround +bundle +htlv +mtx +telomerase +unfav +bup +adduct +macroscopic +antisera +specified +amongst +##orr +rays +expanding +##illing +##amed +xenograft +pertussis +forear +illumination +##erine +microfluidic +autonom +##ensable +categorized +##osom +cotton +flavonoids +paraffin +avoided +erad +mutual +primed +centrifugation +qualitatively +ou +ova +permits +210 +hydroxyp +sput +grafted +##ensor +aeti +##diagn +phthal +contemporary +inversion +nonh +velocities +pam +dermatitis +##lc +security +##onectin +creation +americans +publications +comprise +##itt +condensation +iter +replace +replicate +neuropsychological +mca +ecs +sma +gabaergic +##psia +##nitine +##odom +spanning +fistula +surviving +regularly +anisotropy +env +trh +allocation +exploratory +ks +packed +##ushing +prere +enteric +zeta +approximation +shoot +##ocaine +slc +##iders +##itate +##atrol +microbes +propyl +##ificant +california +incision +associate +complaints +acquire +sensitiz +##iac +acetonitrile +##itonin +brush +managing +projects +pose +esi +referral +##house +publ +toll +methodologies +homogeneity +##edema +imid +instance +resolve +aligned +lymphocytic +nanotubes +kj +##ietin +##ulic +##anus +##ranean +pcs +anter +heavily +1986 +##veratrol +nodal +rising +c5 +unw +##phone +sla +##atization +chitin +nalox +##olol +##insulin +theoretically +adam +juice +delays +novem +##rofloxacin +lacks +cathepsin +##ophenyl +190 +oligomer +latin +bag +inappropriate +acs +anchor +sweet +##hp +##ends +##prolif +rhythms +116 +noct +meningitis +mps +nu +pdt +##ectory +##ignificant +##du +lactobacillus +unexpectedly +thalamus +portions +cardiopulmonary +promp +melting +thromboemb +hazards +deeper +reinforcement +scd +gonadotropin +destabil +1985 +methylene +trajectory +##ariable +accelerate +originated +fid +methylated +##dis +neutralization +bicarbonate +evolving +microbiome +oligomers +editing +effectors +terrestrial +##terenol +lambs +repertoire +pcl +##ortal +##ocryst +avoiding +##inical +replicated +november +sterile +pm2 +phosphodies +##eries +##icip +coronavirus +perturbations +fourteen +carbohydrates +relig +monophosphate +##ipt +superv +investigates +definite +transducer +cryp +pak +abortion +carcinogenic +cyp3a +eosinophils +ductal +##adh +##omyel +existed +##ofibr +##ionate +entities +antiretroviral +resveratrol +proteinase +##umental +interd +neuroimaging +oxo +maldi +union +locomotion +catalyzes +adherent +145 +intramolecular +benzodiaz +neurodegeneration +corro +adenoma +2h +metformin +clostr +consumer +aneurysms +triplet +falls +##bra +king +cleft +poultry +resected +formalin +reticul +robustness +mip +oligonucleotides +nause +##osoma +isometric +epr +travel +cryopres +weigh +engaged +aven +##cl2 +##tivities +employment +pater +revised +femur +appl +##arynx +morphologic +##adec +afm +##odyn +closer +naloxone +mucus +neighboring +sert +##band +trimester +restrain +##irectional +h4 +australian +##pray +choices +untrans +mediter +neurogenesis +neurotoxicity +alginate +cholecyst +trapping +endocardi +chimer +prototype +thrombocytopenia +thymic +##opathology +smart +discipl +npc +immunoblotting +##ochlor +recoveries +##dynamic +##aryng +pbmc +tubule +approximate +enos +nausea +##emed +bcg +deficiencies +innervation +##ilis +##electron +hyperm +diagnose +fda +##osm +dith +opinion +##ifers +titration +ja +biomechanical +trophic +discharged +bap +invest +##iversity +##saturated +tailored +inward +era +nlr +isoproterenol +mek +##amicin +revascular +##f4 +ces +metrics +##dc +reactivation +accumulating +##empl +##ostomy +purity +cd40 +pesticide +expiratory +taiwan +##ulins +undetectable +sides +normalization +##dv +preinc +bonded +veterinary +cellul +postural +municip +##ji +135 +hgf +ribosome +##razol +##ersonal +calp +##rexate +126 +randomised +231 +curric +##ez +stratification +##71 +pir +tuber +crow +hamsters +nucleoside +pharmacologic +surveyed +endurance +topological +##85 +112 +belongs +oestr +foam +monthly +algae +amphetamine +realized +vegetables +nih +##place +neighb +medicines +competent +piglets +contractility +themes +##ymethyl +dichro +##vest +participant +##ophylline +##idge +attenuate +serotypes +##bound +positron +##elae +oest +prok +secreting +stone +capillaries +desm +february +ej +##oglycans +presumed +##thral +euth +displaying +conve +plexus +trabecular +3a +intakes +calibr +ltp +biog +chloroplast +abiotic +autoradi +suited +##opoiesis +stabilize +roc +perfect +master +diseased +kc +couples +##rophin +inferred +##amers +pyrene +varieties +##timal +forearm +tetracycline +##ocysteine +mich +##urt +repressor +aun +hrp +cannabin +grains +packing +arousal +ligase +accessibility +gar +hydrocarbon +reprogr +glucocorticoids +maxillary +##enchyma +biodiversity +ascending +##osphere +rescued +permeation +grades +emo +generic +hbsag +nematode +supernatants +corrobor +catar +##ei +fec +tang +natriuretic +##amen +radioimmunoassay +political +ecology +neuropeptide +pacific +goats +broth +salic +##iella +##ger +undes +vesicular +translated +normotensive +##onymous +rpe +##ortem +ceramic +##1r +biore +##operoxidase +ewes +versatile +opposed +paid +comorbidities +eukaryotes +partitioning +atropine +forebrain +lamp +biol +##assays +nh4 +tocopherol +assuming +platforms +atg +alloy +lox +epidemiologic +sheets +vulg +nifed +##97 +texture +metalloproteinase +##ander +##tide +ultimate +##1a1 +glaucoma +ppi +excised +arises +allosteric +leishmania +bg +capsa +format +bioch +multifunctional +afferents +alternate +anastomosis +invertebr +microglial +accompanying +attained +tar +chlamy +soph +sixteen +##aceous +cd45 +psi +capsaicin +diploid +sparse +flowering +flows +cobalt +psychiat +polyn +nifedipine +malon +beet +##ogaster +enlarged +fdg +##partic +sbp +##akers +emulsion +ovaries +steel +schemes +t2dm +extends +holl +painful +adaptations +##otrexate +sedimentation +polysaccharides +cgrp +glycolysis +lignin +collective +dopa +ptx +##hedral +ileum +hypog +##olipids +interneurons +##acylglycerol +warming +rigorous +experiencing +gating +##izers +richness +##iate +vancomycin +dependency +contextual +##6a +conflicting +menstrual +chicks +cotrans +pix +nont +endpoints +yolk +##oted +poisoning +anp +characters +adoption +##ulae +atopic +anesthetic +microin +raising +lutein +##entified +adiponectin +lifesp +##ticals +thirteen +##amn +##ishes +uncont +##atil +implementing +transplants +herbiv +collecting +ecc +reserve +reass +nanocryst +degrading +treadm +ih +##lipidemia +biocompatibility +nicotinic +coal +agency +##orin +residence +electrospray +surrogate +seasons +##000 +##ximab +006 +curvature +p16 +methotrexate +##vastatin +##ported +hematological +periv +##orum +outflow +##ican +##abain +sav +exceeding +gfr +electroc +france +##acetate +##omies +dilatation +vwf +sciences +bad +oval +hfd +operon +unsaturated +histocompatibility +camera +plaus +mediterranean +##odextr +biotechn +intermolecular +primate +radion +##oeb +gpcr +abd +##ulas +acidosis +spon +prion +publication +##alg +creb +gln +monotherapy +##ophilia +strictly +timely +nanostructures +extrac +welf +straw +eradication +forsk +##imentin +committee +##relin +granulosa +homogenates +neoplasia +anneal +directional +written +cpt +hamper +ouabain +disrupt +concentrate +cerebrov +bactericidal +enlargement +symmetric +hsc +lewis +ninety +prerequis +firstly +rfl +haemorrh +destro +unre +sensi +ascertain +district +cage +attending +vimentin +jaw +welfare +von +explaining +encapsulation +begin +uniformly +114 +duoden +computerized +scn +elective +##dialdehyde +varic +simplex +##plan +assistance +buc +hyperactivity +##ml +proposes +agreed +gata +leaving +quies +cds +##ck +solute +inverted +intrath +##riage +basolateral +acuity +##ankton +electromy +endoscopy +capsid +spacer +pcp +pfc +quasi +##uran +barley +dissip +chaperone +ebp +##alis +crisis +asa +acl +h3k +hypertrophic +instrumental +##ece +myofib +undersc +laryngeal +flood +##icked +vacuum +neuropathic +supram +erythemat +solve +##i2 +missense +anova +treadmill +inheritance +somatosensory +accident +nucleation +##uple +##gin +pals +stretching +seminal +wake +microbiological +jump +train +terat +##ogroup +unm +measurable +infiltrating +meiotic +##develop +##opril +occipital +##oskeletal +parenchyma +combines +##157 +danger +activators +faculty +herbal +acutely +codes +biosensor +orange +scarce +##etra +speciation +topology +emotions +indole +style +occupied +##aph +esophagus +inpatient +undifferentiated +nanoscale +##atoxin +inhab +forskolin +bioinformatics +thrombus +assimil +dephosphor +##enders +intrig +dichroism +##ocic +disin +##omavirus +retrieved +paed +hir +informative +transp +feces +fe3 +disk +ribonucle +cerebrovascular +abrogated +##otoxins +shortened +radionucl +lister +necessity +simplified +inequ +raises +hsp90 +prosthetic +freed +##gro +hyperch +carboxylic +regulations +intercal +pacem +##optic +benchmark +dentin +008 +##infection +engage +vmax +##icide +chl +lactose +ghrelin +##urf +confounding +doping +##eptic +glucan +iodide +allocated +genotoxic +neutrop +dots +notable +gentamicin +##hr +l2 +silent +zym +lifespan +khz +icc +isotherm +ica +eph +##ern +biophysical +linearity +myo +##erating +floor +124 +ec50 +transit +aav +##formed +lept +implicit +arthroplasty +mep +repeatedly +hek +intrad +##ap1 +osteosarcoma +gondii +decarboxyl +##inis +##otri +longev +anticipated +parenteral +chapter +##istine +tors +pluripotent +sulfide +mining +1r +crystallization +dentate +##omorphic +parp +cftr +crest +epidural +ease +inference +melanogaster +##ience +teg +immunogenicity +##esus +innerv +nes +bulb +acup +brca1 +wrist +tert +lumin +guideline +##oresist +explains +##urate +tons +operate +string +##aded +##proliferative +##illar +hens +##arean +pcbs +epa +##acterium +disseminated +lod +photocatalytic +prime +##uterine +earliest +journal +problematic +catheters +bod +bradykinin +crispr +modulators +##roch +ticks +gynec +malondialdehyde +anticoagulant +trav +regimes +##oto +glutamic +globin +patterning +##absorption +longevity +coatings +fg +##unctional +olive +amput +##elastic +oligosaccharides +distinguishing +skeleton +##plicity +ami +gpi +dipole +extrav +##uff +explores +ciprofloxacin +##omyelitis +collapse +facilitation +##tii +##tip +intriguing +constrained +h7 +ch3 +misc +arbitr +solids +histopathology +##itoneally +congr +##ris +##iff +korea +harboring +007 +dmso +freshly +anthropogenic +luteal +helices +##itabine +resili +prokary +##adj +##entic +phosphoryl +absorbance +##ypsin +155 +narr +##kephal +##ball +nocturnal +viii +bundles +disturbed +##2o3 +cing +##bir +gallbl +electroencephal +warf +122 +##son +hygiene +scintig +mpt +cet +cities +answer +##87 +voltamm +frames +##unctiv +amen +bfgf +spectrometer +repressed +alpha1 +septum +fluorescein +ascites +photosens +excluding +musculoskeletal +antagonistic +stake +adopt +inducer +addresses +mbp +calorimetry +lysosomes +mutagenic +dilated +discrepancy +mcl +##illed +hydrophob +mesoth +asn +emerge +##duction +220 +distortion +uncoupl +driver +subcutaneously +impacted +arranged +exclusive +mgl +hen +##idi +rights +##ele +carnitine +##andial +strands +##uish +sister +methyltransferase +korean +##estock +linole +increment +elabor +distinction +stopped +deuter +vinyl +nested +livestock +apnea +thickening +cnt +collaborative +glcnac +military +arf +pfs +##fld +##oluminescence +##c3 +angioplasty +cured +friendly +##oste +ethnicity +ortholog +rhesus +interl +declines +altitude +113 +freely +##enone +excreted +galactosidase +##tise +suitability +uric +1st +silk +ribose +dpp +intoler +county +##feeding +##ouracil +##iop +tsp +##bp1 +ketamine +no3 +##issive +taurine +joh +solved +irrigation +triaz +flor +agree +chromium +desensitization +##trate +oss +maturity +unfolding +dehydration +carbonate +##romic +failures +torque +commitment +beds +sigm +sacrificed +##apatite +neutron +zeal +encouraging +mimicking +##traction +133 +intraperitoneally +##po +consent +vagal +squares +udp +resuscitation +quantifying +hit +gmp +tent +elevations +unidentified +dal +immunomodulatory +upr +note +indigenous +trout +purkin +detoxification +##urc +intrap +endpoint +subpopulation +purkinje +contract +physi +york +charges +facile +pem +##ylyl +##actone +hemolytic +shut +extrinsic +sativ +##osex +convergence +reprogramm +parv +trigem +##kes +##ynchron +clinician +293 +lea +ics +uninfected +antagonism +catecholamine +ingredients +##ker +lacked +stems +confound +gate +exud +vldl +adsorb +italian +postmortem +firm +discrimin +sj +mexico +##phenol +toxicities +neurite +##agglutinin +interviewed +circumference +##bling +##rological +##etite +##iana +1d +horse +neuroph +##anz +alf +suture +peroxisome +epithelia +myrist +##alth +ky +microd +spain +##ovsk +wb +##ilum +regurg +continuum +coexp +genomics +b3 +agriculture +##imension +##oxins +gaussian +zealand +alive +##oxetine +inbred +diver +intelligence +embryogenesis +uncon +qds +##arges +atlantic +seaw +##atable +##ophosphor +playing +##aign +prescrib +assignment +hydra +obviously +positioned +localize +refined +suicidal +secrete +gases +##nic +1984 +manipulated +cutoff +alternating +progressed +##apopt +cxcr4 +cytology +##obiotic +nigra +kle +##yll +##arity +##iterp +5h +hyperthermia +gallbladder +##uents +pes +card +nafld +##cens +agarose +constituent +##ethanolamine +illnesses +autonomous +toluene +unn +soy +##ocrit +automatically +##idden +2c +eae +cannab +subclass +synapse +thymocytes +filamentous +vr +supplied +topics +bz +illustrates +newer +campaign +sad +operator +els +cuc +renewal +keeping +##ievement +##room +ancient +##orable +lever +gangli +ink +compromise +scattered +ncs +victims +ampa +##enses +valence +sq +subl +clarified +racial +appropriately +##oxal +shedding +amines +thalass +imposed +intellect +dap +supers +mari +##ammonium +preserve +solving +paste +##oprote +win +naphth +mhz +spiral +pher +chemotaxis +barr +nail +intravascular +##arate +catch +twofold +r1 +exosomes +stool +auxin +hydroxylation +ensemble +emphasized +decarboxylase +hypothermia +sequelae +incremental +##ofacial +primitive +nid +vox +determinations +tracts +lytic +harvesting +##lp +infectivity +calls +rever +sedentary +achievement +vasoconstriction +topois +glycosylated +ataxia +snr +interconn +cd2 +holds +office +##opsin +caution +sciatic +##enn +analyte +##atric +denitr +##portion +hypo +##fulness +circulatory +##amate +nanomaterials +neighborhood +avid +##viruses +plga +clients +moral +dedicated +1970 +##ecess +safely +pharmacodynamic +##ught +##tillation +hydrodynamic +specificities +gonadal +arsen +dbp +cruz +basin +acidification +migratory +##roline +revascularization +maximize +##istinguish +##ania +devoid +centrom +sut +estrogens +##orphin +phagocytic +observers +indexes +slice +freedom +recognizing +oxy +cd14 +embolism +serving +retinopathy +stakehol +metam +ceramide +##ofol +attitude +##olith +pci +modulator +decid +lncrnas +117 +##anch +##iley +coherent +tv +##ordant +conce +##iling +pull +epi +##imid +##ulent +disabilities +##cholinesterase +##amid +##ubs +ferric +consequent +th17 +##forward +hunting +nociceptive +outd +guar +gaz +##abetic +prevail +housing +fi +##otocin +wine +##atest +organizational +vii +strikingly +tidal +gtpase +gastrin +oat +seawater +mimics +biochemistry +cock +hypercholesterol +fim +##eas +v1 +##omide +reorganization +dissociated +surfactants +##orac +durations +119 +sophistic +encephalopathy +##odontic +infras +cd25 +sphere +##itamin +##urgery +crohn +intrauterine +cutting +splitting +conferred +discriminant +aiming +aggregated +resilience +impairs +chym +px +isoelectric +cyclosporine +zyg +ternary +hairpin +substitute +##istinguishable +explants +##phos +interpersonal +ancestral +##edes +sounds +japonic +pest +tuned +concurrently +##traum +hk +iran +thalamic +puberty +crack +borderline +synucle +exceed +##ng +##opolym +lies +a3 +diurnal +collision +##opharyngeal +nmd +concomitantly +multicenter +sorb +sewage +##icine +##imotor +encephalitis +##ittal +radiolabeled +periodon +labile +permitted +##t2 +noneth +##no +diagnosing +anthocyan +spiked +sided +rostral +artifacts +nonetheless +pun +caucasian +packaging +##aminidase +energetic +hydrolys +##rolimus +brazilian +favourable +nach +preserving +##olor +##best +acetone +##eres +chemotactic +illumin +malnutrition +vicinity +weather +dystrophy +unp +##ko +collateral +subsp +untranslated +rflp +pherom +ducts +siblings +bioassay +##ip1 +infrequ +immortal +emp +cytomegal +##tiles +025 +peaked +dimerization +spore +breeds +##opyran +gfap +unin +fad +homologue +porosity +orthog +rotavirus +layered +inexp +##aca +ischaemic +dams +enthal +iia +forests +##b3 +##omeres +##imensional +synuclein +swallow +toxoplasm +divalent +presentations +indistinguishable +paediatric +salvage +hispanic +vegetative +##uistic +dereg +##ara +spanish +##iper +trigeminal +legis +advoc +plasmon +132 +pyridine +volumetric +resembling +homo +protons +opportunistic +cohes +##kb +##ipp +##l2 +##s1 +lati +classify +##f3 +immunologic +##rogl +##onergic +equine +intras +subclinical +##rupt +ascorbate +##aches +##cycl +redistribution +teachers +cholest +##rotomy +##ulse +purine +possessing +globulin +ets +35s +##apoptotic +##nac +crossing +##zo +figures +genotyped +no2 +##osexual +orthop +medline +##ocarb +postpr +immunogenic +##using +polyun +lidocaine +mur +outline +setup +dynamical +antagonized +##agia +ich +nonm +jur +900 +latest +ischaemia +unequ +damaging +sphinc +mountain +##ket +##unted +sepha +mechanically +optimizing +propofol +bird +##iens +##oplankton +palsy +custom +sp1 +intubation +hept +calcitonin +eic +solitary +succinate +corticosteroid +chondro +121 +screw +##ifies +##vac +antinocic +damp +##eld +p65 +sepharose +ton +144 +vehicles +cag +productive +braf +encourage +abdomen +##li +vh +prerequisite +comfort +mci +resis +voice +cca +microstructure +substantia +moved +pc12 +reaches +holding +exempl +apob +chrys +opt +personalized +assume +spatiotemporal +bridging +##amol +##iaceae +##uronic +trust +aldehyde +pcna +hollow +eat +##onder +disposition +c3h +glycans +##ique +oxides +##ondyl +endometrium +theophylline +intellectual +arabin +wire +metabolized +immigr +aggrav +notic +eighteen +evap +ara +facing +liquids +accidents +nation +synchronous +afp +shifting +participates +osa +gib +consciousness +fev1 +mitogenic +presently +repetition +hydrolase +coenzyme +sonic +##emis +board +digestibility +game +responsibility +2020 +lethality +##rep +##oprolif +##ney +igg1 +filtering +robotic +##amins +receptive +streptoz +wol +leukaemia +cuff +cytomegalovirus +serotonergic +##abular +cholangi +environmentally +felt +updated +127 +##adium +##ourse +reconstitution +deprived +##wich +parametric +flash +mosquitoes +##bens +concordance +effusion +crosslink +##md +deaf +##oct +beats +siv +##yrib +convert +##okes +gliomas +flaps +stones +##phe +##olded +discharges +##ositi +##oderma +expertise +definitions +atcc +beta2 +ovx +carotene +neurodevelop +degrade +polyunsaturated +collect +cadaver +cylind +p27 +cyclodextr +##erals +ferment +##onephr +neurosci +sensorimotor +foxp3 +obsc +nodule +o3 +tunnel +dilation +toxicological +orbit +##itates +inexpensive +##mu +friction +##enicol +##xia +catabolism +store +confers +##ama +##tl +##lyca +##eit +lot +diazepam +hematologic +##apeptide +recap +posture +immunocytochemistry +erosion +margins +aki +consolidation +thinking +##imeter +relapsed +belonged +reality +gins +valves +antiproliferative +accumbens +homes +acted +spikes +hsct +trimethyl +campyl +temporally +aps +##ken +strips +cdnas +##fib +hus +enterobacter +harvest +turkey +warfarin +##obs +observer +##timulation +heifers +##oviruses +clostridium +##odia +psychosis +dimeric +ventilatory +##gran +inspired +iib +superc +glycan +histories +pineal +hypoglycemia +herd +herds +stz +##transferases +came +##athers +##ystic +icd +coded +originate +electromagnetic +cps +caco +##b4 +rumen +thirds +stigma +music +xenografts +seropositive +##inone +disparities +peculi +flower +prolongation +percenti +pairing +enkephal +entering +denaturation +gamm +homocysteine +turned +isotopic +outper +mev +impuls +replacing +hrs +notice +econom +##olia +erythematosus +morphometric +detachment +hepatoma +plausible +suggestions +dysph +overestim +displaced +foraging +minimizing +##achol +##abd +provider +hba1 +unnecess +chemop +1983 +wavelengths +favored +hyperal +discontinuation +sputum +federal +duodenum +synt +##ago +smallest +digit +greenhouse +explanations +poses +doctor +##odermal +multivariable +biases +tablet +sedation +bill +metac +annexin +osmol +hydrophobicity +fairly +fails +synthes +ecd +phosphodiesterase +##ki +n1 +##osulf +resemble +grating +ye +synchronization +##94 +##bf +cingulate +opens +clonidine +coff +##onephritis +##mi +polyd +macromolecules +campylobacter +cataract +2r +mcs +tips +tal +##optera +##oalveolar +intraocular +##plex +trapped +evolve +xl +unless +##glyc +grid +thrombotic +mont +pufa +actu +flo +o157 +##bd +claims +micropartic +cruzi +mitigate +specialist +surrounded +benzo +governing +nhl +catalyze +sialic +gcs +138 +disab +##arby +##tructured +unfavorable +lex +syncy +multifactor +precondition +acetyltransferase +oryz +tether +climatic +offering +leach +paracrine +programming +mandatory +agencies +ureth +sandwich +departments +motions +eug +interacted +cu2 +sphincter +kerat +##elity +##drug +cloud +noticed +asthmatic +drg +episodic +lymphaden +contrasting +couple +dies +1982 +ciliary +canadian +measles +plei +defence +##ilin +haemoglobin +subfamily +absorp +amniotic +smc +scalp +pea +comparatively +teams +##ullary +sophisticated +arrhythmia +ophthalm +reared +##ropyl +admissions +##iax +aneu +sensation +catecholamines +ltd +##trypt +complementation +uvb +opioids +gravity +ensuring +diluted +hypothyroidism +hrv +deformity +aromatase +nhe +adipocyte +pitch +employees +vegetable +amphiph +perovsk +cholera +sensitivities +autoimmunity +postprandial +dispro +bilayers +elucidation +endometriosis +manufactur +compensate +haloper +##si +subop +##atergic +allergens +eluted +##life +fibrotic +latencies +carbachol +punc +luminescence +albeit +##xine +lncrna +vulgaris +overs +consultation +alleviate +substituents +frog +sertoli +amphib +exclude +helped +##orn +extremities +inspiratory +##562 +##ythmic +offset +synergistically +ovariectomized +diagr +http +nest +nanor +biodegradation +##operiod +timp +##yles +p2x +##2c +assemblies +bread +digested +vibrio +aes +chambers +orthogonal +recurrences +ingested +instant +egfp +uniquely +grand +multin +drastically +topoisomerase +permeable +diabetics +ascribed +coordinates +exit +bean +##i1 +haloperidol +h5 +infect +##91 +biodegradable +curriculum +integrins +##3b +capital +preec +##rosome +incontin +endo +##oinositi +paralleled +##ume +prompted +##iline +mdd +##×10 +transparent +ubiquitination +reprogramming +pict +transactivation +##ocyanate +crh +nephrot +discom +##ault +##oter +grading +vap +reform +modular +infancy +transduced +##ano +wky +edges +plain +hydroxyapatite +buffered +breastfeeding +fes +leaching +rifamp +figure +enrol +infective +elongated +##thermal +hemodynamics +disrupting +creat +terminated +plas +aneuploid +##berry +unpreced +glutamatergic +elbow +##icl +##icious +authentic +births +tow +predator +catheterization +parenchymal +formaldehyde +gpr +phylogeny +##oxication +thousands +##tt +farmers +streptozotocin +spermatogenesis +unprecedented +qrt +##eles +##yed +carries +unal +pq +##ocks +##imetic +visually +cascades +transmit +iliac +##plicate +hetero +scid +semin +drift +##96 +neuroc +equipped +trifluor +sirt1 +ameliorated +tcdd +combat +lentiv +discrepancies +photoperiod +ending +sterol +bmt +##ilar +##diabetic +covariates +adversely +tms +song +babies +##ente +intoxication +coarse +ctx +##pic +tolerability +##obutyric +##irculation +searching +arrested +probabilities +anticoagulation +glia +advantageous +delivering +##ipramine +mesang +xenobiotic +huge +kingdom +eds +utilizes +neurotransmission +tactile +intral +bioactivity +ionizing +ideas +oscillatory +calculating +lobes +mao +annealing +preoperatively +##atology +additives +##ellate +erp +paternal +palp +solubilized +minerals +willing +adenocarcinomas +appra +outward +hundreds +crown +##ophenol +microp +subcortical +sts +noncoding +fvi +inclusions +twins +##uber +osteoclasts +zoon +leafl +μmol +regurgitation +unev +dealing +uncontrolled +axillary +##acaine +augment +brass +pie +##pg +papillomavirus +goat +lakes +statins +supine +endonuclease +##tus +##rofen +insem +triang +mort +corpor +##exual +##icides +shares +b7 +##americ +reproduce +landmark +algal +cannabis +ch2 +bridges +prodrug +ptp +anthrac +spro +descriptions +homozyg +paralysis +thp +thy +lactamase +discomfort +dinit +worksh +##ael +nose +cores +antidepressants +mirror +exocytosis +flowers +tibia +##idis +bifurc +2nd +computation +ali +##ein +motoneurons +##entral +eta +tregs +shortly +indisp +twitch +hydraulic +passed +helicobacter +invariant +till +ivf +mimicked +##ulants +morbid +ku +echin +periodontitis +suboptimal +cytometric +##axial +transportation +18f +##aterial +maintains +sequentially +##eratin +vitamins +##ficially +fx +ileal +resembles +ethics +independence +orch +conjunctiv +semiconductor +migrate +##opeptidase +##isin +##p4 +vasodilation +controversy +places +##cor +midbrain +##posing +linoleic +##atized +##acs +secret +pressor +##ths +associates +fluorouracil +##amphenicol +sagittal +##riting +listeria +unaltered +apoa +predisposition +##emias +filtered +mts +pacemaker +##oracic +contig +compares +specification +lec +##vix +liposome +orientations +##hips +trache +compressive +unnecessary +##wid +##piration +ulcerative +imposs +concre +shallow +##inescent +reactiv +gan +folded +faced +fidelity +##iliated +dosages +glycosamin +##ovalent +midline +##amphetamine +suck +exercises +##obium +eliminating +##ima +genis +choles +shig +autocrine +##asin +benth +##night +pbl +biomaterials +reflectance +asparag +legs +worms +cocc +134 +webs +##etts +porphyrin +##enedi +secretions +roughness +280 +specialists +shrink +choose +supramolecular +projected +unlab +integrative +coum +##graduate +##187 +infest +oxygenase +32p +##tail +##inous +comprehension +psychotic +expectancy +disadvantages +patency +s6 +paradig +multifactorial +##atur +triton +148 +##encl +##itinib +tunable +##eri +acetylcholinesterase +handed +paradigms +perforation +coffee +009 +motile +frameworks +occupancy +fractionated +clinicopathological +soleus +stressful +glandular +evaporation +lpa +##akary +##noid +anchored +##orrhiz +320 +pcos +##yday +dol +controll +roughly +##74 +##otin +abrupt +##orphic +##pb +##asc +approval +wiley +begins +hypere +mycoplasm +harmonic +##olated +##wa +mct +echocardiographic +counterpart +everyday +corrosion +##at1 +k562 +histopathologic +restraint +sit +##bach +##uminal +topography +destructive +collagenase +nuclease +civ +gaze +folds +##ohex +##utation +psychology +cec +moss +sport +micronucle +neurotoxic +cavities +##oproliferative +interventional +reticular +attended +monoph +rainfall +methicillin +##ximide +blo +sparing +oscillation +chf +bol +refractive +capsules +contour +iop +##rophosph +heparan +leukotri +##otherm +##remia +##bles +tilt +considers +##ispers +hampered +ihc +coral +funding +##thetic +eq +nematodes +acupuncture +ori +scavenger +gdp +anore +alkali +230 +##ocene +lipophilic +emitting +bony +##anous +depress +package +1981 +##ifera +households +cyanide +mpo +kras +conception +steric +csp +msec +subspec +##enib +quiescent +##etical +##ponsive +disproportion +parenting +chlorine +monos +patent +ssc +enorm +dropped +immersion +oleic +##ipa +loos +preclud +silicone +glycemic +probing +introns +##bu +##df +congestive +butyrate +##amides +beams +##endicular +tremor +##orrect +codons +comorbidity +##yelination +advice +residential +168 +beat +dbs +175 +drawing +hydrolyzed +anomalous +tank +##iculus +##elic +l3 +belief +pectin +histochemical +clay +templates +##arter +pneumococcal +chloramphenicol +##inally +daytime +granulocytes +recon +apex +veterans +scintigraphy +embolization +anisotropic +xi +pharmacology +neutropenia +crt +norms +ch4 +incorrect +arbitrary +seph +ups +cognate +hba1c +##enium +fishes +ug +lie +photoelectron +retur +steep +grey +homeostatic +incis +broiler +labels +perpendicular +##fection +remn +pollutant +rick +reinforced +viewing +lactating +gil +mib +vacuoles +prostaglandins +lasted +hydroxide +ccs +##76 +2d3 +##arrays +nodular +mismat +insignificant +suspic +phenyle +thromboxane +discussions +pgf2 +transd +retroviral +ornith +latex +tracing +bear +mcc +defer +virgin +diversification +dsc +gps +ptc +alcohols +ampicillin +##aked +tp53 +polyphenols +sequestration +##ofil +##com +combustion +serov +##qol +##blasts +meiosis +evolutionarily +genistein +caudate +incen +dlb +emphasizes +endovascular +easier +elastase +##ults +phenylephrine +hib +lymphoblastic +electrically +megakary +paramagnetic +occasions +tear +drives +pointed +##abr +mrs +bronchoalveolar +elucidating +153 +##ycle +predominance +compatibility +oxidizing +##aned +washed +phosphoinositi +24h +mannitol +gastroenter +memories +cope +indispensable +##kii +incontinence +##iring +mechanistically +him +menisc +condom +##know +swiss +lacz +transformations +constriction +##ithromycin +appearing +empty +gum +polyst +myx +groove +aetiology +##itish +##olymph +##omegaly +360 +g6 +tcp +comes +cpp +##trated +hyperinsulin +##atelet +preincubation +bpd +boy +junctional +instruction +##1p +kt +lysates +inoculum +visualize +cytokeratin +submuc +contradic +nitroph +hydroper +retinol +update +conflu +##ogluc +adrenoceptors +glycolytic +homod +mug +conductive +pms +neurob +mant +carn +stents +rim +workplace +sers +##lys +unfolded +irs +##rical +esr +3rd +##urition +stic +##through +##400 +valv +hatching +##olig +asbest +##gesia +##well +glycosyl +pcv +initio +paw +##othiaz +nz +advancing +vitre +##odeox +traps +rods +guarant +pda +dispersive +recognizes +contraceptive +kpa +synchronized +agnps +abr +esterase +ao +averaging +##ovol +contaminant +computing +leave +immunoblot +cervix +palate +hoc +amplic +individualized +139 +quinone +fis +hyperth +##astig +prepro +##itely +message +##accum +rhythmic +disposal +ritu +##vitamin +bla +rendered +debris +documentation +##atally +pag +##orax +scs +pole +##ipping +worsening +genotypic +supplemental +nsaids +connecting +klebs +pls +##asted +impossible +sv40 +recre +cytological +##oidosis +suspicion +cigarettes +flora +mesangial +meals +ionophore +guanosine +neovascular +boron +neurotransmitters +smear +99mt +ninete +calpain +flavonoid +touch +cassette +honey +exploit +ez +##burg +regards +gill +managers +##opharm +thermo +stratum +transgen +assemble +geometries +lem +febrile +##tanding +188 +monoc +snail +explicitly +initiative +pter +grazing +clades +pbmcs +conting +deer +ffa +anhydr +dressing +##anthin +##uce +##opia +fusarium +vasoactive +creates +kain +discer +microfil +batteries +##delta +##udin +spacing +crystallographic +bilaterally +diarrhoea +pyrophosph +shaping +sevente +polycyclic +##emide +##yryl +meningi +pei +etop +##cales +bursts +implication +disintegr +han +##itively +6j +collections +##angu +epstein +hidden +decompression +preex +cyp2c +narc +##atp +tunel +##quinone +bromo +##ij +consor +manipulations +isopren +gbs +doing +acknow +ejac +bomb +overproduc +##opent +polyps +attenuates +hematocrit +emptying +thc +initiatives +naphthal +sio2 +streams +rituximab +##ermined +vertebra +navigation +dithi +microarrays +##fu +erythropoietin +escal +143 +quarter +transitional +apl +ria +##rl +hscs +covers +morphologies +justif +cheese +cosmetic +moments +libitum +manure +pharmaceuticals +pyrimidine +sweden +inotropic +germinal +constituted +vf +##icate +outlined +syngene +inspection +vdr +homologs +##arine +glomeruli +foster +macular +##oves +motivated +##rotid +androst +enantiomers +uncertainties +etoposide +136 +diphosphate +repeatability +multip +uncovered +hns +copolymers +nanocomposite +bioc +##retin +vte +##bing +##acheal +165 +laparotomy +trophoblast +brachial +##acid +predictable +stacking +lich +fission +investment +predators +seeded +adr +muss +erythromycin +hcmv +anaemia +##here +fret +utero +##oped +religious +nep +devast +troponin +##arach +factorial +enkephalin +##eximide +##ulph +interior +##oys +##icted +nh3 +thyroxine +##sulf +migrating +leadership +tensor +carcinogen +sickle +looking +hypothetical +##con +##param +fermented +fluoro +transmitter +pictures +ugt +bit +engraft +##eliac +alpha2 +quater +syngeneic +cycloheximide +mics +imprinted +fentanyl +dnm +pharmacy +references +##nv +##raphic +complexation +combinator +270 +stakeholders +k1 +ferro +##cranial +dx +##ccs +lining +mif +##atases +makers +industries +annotation +explos +rumin +##uridine +enfor +disclosed +ellip +perip +reproduced +straightforward +androgens +minus +##kinase +polymorphonuclear +judgments +scatter +klebsiella +penicill +recapit +##timulated +cytosine +intolerance +142 +infrastructure +e6 +mmps +nv +chemopre +mesopor +extensor +sumo +dorm +saw +##olase +kaplan +flour +tends +##130 +##yne +##vascular +##uzumab +morphogenetic +hev +streptomyces +##ositis +praz +psychometric +apple +concan +speeds +dict +breaking +thior +lenses +fmol +##cephalus +pra +coexistence +insert +abstin +perfluor +cleaning +denervation +melanin +nev +execution +proteoglycan +homologues +amd +plastid +neglected +##opamine +permeabil +polystyrene +##allic +zik +lpl +begun +rhoa +autoreg +constraint +anthropometric +gpx +##nar +friends +##globulin +##ineral +##imers +primor +going +leyd +versions +pauc +##azo +ribosomes +heterozygosity +seventeen +satisfied +hrt +aided +##anthine +nts +μl +macromolecular +frail +revolution +##tilled +##r3 +aptamer +heterodimer +##inia +commission +thoroughly +naf +ovid +costly +org +captopril +cannabinoid +labour +bam +remediation +stoichiometry +##istering +##lysis +rbcs +harbor +parox +feelings +fak +##atility +##wt +proliferator +visu +##rb +synergy +bronchi +heated +polluted +cd13 +internalized +cms +cz +##93 +p300 +##gut +msh +coming +thigh +##osure +##rosine +blastocyst +aor +tried +multidimensional +encounter +##alled +cyclodextrin +sows +egcg +fluctuation +adsorbent +antim +amputation +biochar +immunocytochemical +cyclohex +##light +##ocompatible +99mtc +##electronic +##imine +alkaloids +laws +chondroitin +multif +##alo +##acia +h2s +switched +buccal +insertions +##imeric +##oxan +yeasts +mj +footpr +141 +zn2 +##tz +cooh +nanoc +##ocarcinoma +##ypti +afforded +##appab +##lampsia +crosslinking +retarded +implicate +hyaluron +amy +pcd +pears +tlr2 +compete +reversibly +waiting +este +waist +geriatric +nanowires +leydig +mtb +preeclampsia +mdm2 +penetrating +virions +dnase +##opause +260 +##gland +##arith +bisphosph +mets +adjustments +##aturation +jet +pelvis +portable +macroc +dissimil +##ingly +listen +elsew +das +dephosphorylation +##una +astrocyte +elsewhere +##aryl +##avalin +rew +schedules +myogenic +tio +printed +nanocomposites +refinement +evaluates +donation +coagul +##ovenous +##itan +pss +prednisolone +thiaz +mesoporous +nearby +##tryptamine +propionate +##ethoxy +nanocrystals +##enoid +wildlife +aldh +##calc +##omon +british +combinatorial +bout +##idus +interested +eut +steatosis +concrete +##orem +secondly +##traumatic +outdoor +##cus +##ynch +##aind +latit +vasculitis +delineate +hernia +acinar +elasticity +epist +opened +v2 +##ronate +cubic +1c +##ognitive +tunn +##ju +oxalate +##ivacaine +750 +jejunum +scene +microparticles +aeg +##othermal +pellets +grip +##oxazole +advancement +jug +situated +##ami +ameliorate +biotic +redundant +##tins +dss +grp +recognised +cddp +##600 +##arp +##tisone +predation +prostheses +##anges +cyanobacteria +client +rabies +##bt +shrimp +endoph +n2o +dish +concanavalin +wheel +spheres +trin +##ocystis +##osylation +karyotype +odont +percentile +bra +brdu +hazardous +cornea +##101 +psychopathology +stern +standardization +municipal +##isal +lectins +##test +neurogenic +drawback +##otypically +recommendation +cylindrical +xr +annually +potently +voxel +hemip +rhabd +abnorm +##gc +prothrombin +##opeptide +discs +telephone +##azepine +restoring +hsd +b12 +cd28 +argued +##omogene +estrus +oncogenes +exacerbation +##acute +dissected +atrium +statement +##eller +lastly +microvess +ny +ultrastructure +emergent +aunps +146 +##odomain +expresses +oestradiol +meier +po2 +chew +sinusoidal +purch +##ini +speculate +cd16 +proliferate +wax +spirit +stated +boos +immunoglobulins +voltammetry +cryo +##oneg +governed +##86 +##platelet +##astric +multimodal +##odem +supra +resembled +b16 +missed +##bank +dislocation +##ja +##omnia +malformation +xanthine +linguistic +parap +lesioned +chloroquine +periton +devastating +bovis +shoots +airborne +##april +##ospecific +##inus +##h2o +baby +##anum +dividing +plantar +remainder +axes +fasted +disag +remodelling +burns +advent +discontinued +supposed +logarith +pector +asbestos +tad +relates +##02 +enormous +writing +anode +##othane +bioge +pla2 +helping +spines +electrosp +exhaus +myofibro +pz +efferent +anxi +cilia +##atech +companies +tann +hemolysis +monoamine +cargo +nether +documents +puncture +##oned +bos +chloroform +##ancing +mglur +sct +adrenaline +esteem +impression +chemoat +foli +triti +immunohistochemically +contributor +descriptors +reacting +embase +strategic +pparγ +##ropin +spastic +lying +housed +reabsorption +evs +cred +##nem +mush +crossed +unmod +introduces +compartmental +glucosidase +quart +resten +accr +##84 +hematoma +compensated +neighbour +verification +##formation +appetite +kinematics +autonomy +chemilum +anticonv +dyspnea +lipoxygenase +##cript +fossil +ears +##romised +imatinib +##agl +ocd +reflexes +bead +circuitry +vor +letter +extrusion +myristate +ca3 +proceeds +ud +snap +fitc +clav +##oreduct +haemodynamic +nicotinamide +##osyltransferase +thyrot +##eastern +##fly +adc +pva +isra +exciting +##82 +##olism +spondyl +aminoglyc +tags +difficile +oestrogen +biomolecules +##att +jak2 +##width +##isson +cortices +##oresistance +cmc +autophagic +154 +ovine +scanner +halothane +vasoconstric +##gamma +doubling +##x3 +continuity +crim +neurodevelopmental +##olymer +engraftment +incompletely +assimilation +abnormally +##obia +rag +visco +##idinium +##etent +leader +allografts +pointing +dba +radiosens +wit +mediation +dying +tym +##functions +colch +hyperalgesia +awake +##assemb +etiological +pheromone +alleviated +neglect +##oo +##nc +##acetyl +##uresis +##inflammation +peritonitis +##omyosin +pond +psycho +##apenem +##razine +carotenoids +netherlands +dynamically +sarcoplasm +overd +declining +pyrrol +opposing +pleiotropic +hydrothermal +condensed +termini +anaphyl +clot +contraind +sponge +proposal +spo +##ogenin +neuropsychiatric +gpa +blunted +exacerbated +electrocatal +adri +simulating +empath +##idation +parity +producers +manus +mole +biotrans +##enzymes +pale +##muir +heterochrom +limbic +mptp +transcranial +##ropr +historically +innovation +blinded +photoc +##len +reasoning +langmuir +ordering +precipitated +bare +##net +temperate +bioreactor +pulsatile +overnight +cas9 +heads +choosing +rhinitis +phenanth +cathode +printing +pim +##olysin +biphenyl +p2y +##therap +oligo +pearson +overlo +prescribing +cts +pleth +rheumatic +##ecre +thousand +ppb +##eland +smears +neb +demographics +##nb +##albumin +sic +career +shrinkage +octa +syring +nosoc +intranasal +vasodilator +tremend +##west +##abdi +depths +thermally +shelf +equivalents +hyperpolarization +##list +graphical +physics +electrophys +##ublic +atlas +helicase +methacrylate +instrumentation +cpb +macaques +plug +1500 +guiding +emitted +osse +wells +paths +arose +pouch +father +trachea +carboxylate +england +mandible +hardness +mortem +1979 +g3 +hips +dermis +histones +oligodendrocytes +michael +myotub +icr +aggress +rankl +reconstructions +reservoirs +citrus +##car +##κb +mobil +nascent +##adex +pigments +void +medias +##his +committed +##ford +barb +##adine +worked +budding +##oreceptors +relatedness +bold +positional +gathered +##zer +##class +##yzed +moll +##ira +cirrhotic +metab +ordinary +trehal +adjunct +bq +##89 +threefold +g4 +##adenosine +##iferous +xylose +##ulline +encl +##oride +ward +##orporeal +##thi +orthopa +encompassing +##odipine +metabolomics +264 +dutch +feet +outpatients +##so4 +organelle +incidences +##sr +republic +tryptic +dnas +##uprofen +##ostat +inflamed +photochemical +underp +nanoshe +tca +##amethyl +insult +192 +pcc +##acea +economically +ornithine +amphoter +gemc +breakthrough +147 +benzodiazepine +iterative +peers +immunocompromised +##uman +##entation +unamb +imagery +nanofibers +outstanding +##cys +inflammasome +aminobutyric +##gus +##itidis +outputs +unpro +rearing +##olstein +##tica +perovskite +aaa +ltr +licens +##ochrome +nosocomial +chief +infecting +slowing +rubber +commens +mediastinal +hco3 +astrocyt +lei +metalloproteinases +fle +infiltrate +olds +principally +chymotr +##inic +lamellar +autoradiography +cancerous +##tc +##adjuvant +pis +appreciable +transcriptomic +invasiveness +wav +##ham +heritability +euthan +seb +pumps +cultivar +floral +##μm +metaph +##imolar +ua +prednisone +gaining +perivascular +unambiguous +##agens +capacitance +grape +##ishment +supplementary +calibrated +##arboxylic +incorporates +comment +sre +helmin +##ifiers +saving +##iensis +015 +bacteriophage +##fully +folic +fluoxetine +eradic +radiography +fragile +##d3 +##ysts +modulatory +autum +uroth +slaughter +desire +##opar +##ystall +endocarditis +152 +lyase +arthrop +colchicine +shot +abundances +##annabin +mycobacterial +h1n1 +##cv +chop +ibuprofen +accumulates +runoff +tan +##92 +trichlor +feat +culturing +##oxib +##rein +societies +poisson +maximally +preconditioning +burk +esrd +cochrane +hindered +insecticide +gemcitabine +holstein +influenzae +dab +rectum +probabil +approached +doubled +glutamyl +occasional +chimpan +inhomogene +myb +vice +dysregulated +transcriptionally +sentin +stomatal +whites +associative +cyclosporin +practically +##uccess +##izz +bph +dissipation +angiographic +classifier +rigidity +##rology +hmgb1 +disequ +##pyridine +##insically +tumorigenic +##d4 +unmodified +lhrh +pairwise +xylan +irf +disparity +deacetylase +probabilistic +hub +pertain +sarcoplasmic +slowed +##n4 +ral +och +hpr +exchanger +eosinophilic +##s2 +messages +rcts +##oconjug +trypanosoma +restenosis +##ieu +retaining +thail +##orthy +phages +laying +osteotomy +##ocalcin +##dialysis +reductive +crash +halogen +##oselective +##grounds +leishmaniasis +##robenz +searches +planes +litterm +scot +symptomatology +anticonvuls +##iters +subarach +swedish +##breeding +unsuccess +xps +clath +thailand +##ximal +sixth +a23 +schizophrenic +##ilibr +substanti +ventricles +hung +convergent +nip +coincided +symmetrical +##hu +caloric +pige +##abditis +seedling +##mer +pedig +authorities +uve +cpa +occluded +##83 +correspondence +glomerulonephritis +incon +devised +cres +##uates +exagg +narrative +##urus +t2d +multist +##ulators +biocompatible +complexed +chemoattract +price +photosystem +expectation +skew +carcinogens +##tons +calcine +chlamydia +menopause +insomnia +anomaly +hypoc +pigmented +unexplained +fusions +transfers +##oxon +keratinocyte +phosphoinositide +acceptability +iaa +herpesvirus +##293 +##atine +##imethyl +emulsions +interpreting +underestimated +degs +dor +noradrenergic +ovalbumin +##uded +photodynamic +luteinizing +antiplatelet +sulfon +ril +ptd +glc +gabaa +##rows +pixel +blots +kernel +##lyp +carotenoid +cryopreservation +lose +evidences +##apsing +##biosis +bees +girl +refers +predisposing +ban +iiia +myd +kp +caen +##oxidation +worth +estrous +mns +##x10 +worker +cd20 +calcineurin +dhea +survivin +prrs +clotting +impulse +safer +zr +stations +arterioles +annotated +tu +##oflav +mounted +kall +menopausal +tnfα +hatch +chloroplasts +adoptive +cooking +205 +oligomeric +vitr +bcs +c16 +restrictions +##orhabditis +hexa +interdisciplinary +sustainability +lad +nsp +palmitate +sca +closest +rivers +nonres +posttraumatic +isoflurane +regenerating +intrathecal +##phosphatidyl +##otonic +##ava +##lofen +bubble +parotid +##timulatory +initiates +titres +antenna +anorexia +nowad +rhamn +rac1 +##cing +hur +lycop +damages +flexor +vn +versa +vpa +nowadays +chart +stereot +cpr +atra +bleomycin +streptococci +##chool +##kd +sativa +##edict +aliph +pacap +156 +www +dinucleotide +cesarean +##ellulose +##oprotection +swallowing +##ympath +permissive +rom +quaternary +phosphatases +fluc +##81 +mist +uh +gp120 +##125 +digoxin +masking +tnfalpha +mos2 +analyzer +suppl +nineteen +sibling +dar +dialys +radionuclide +##itants +separating +zoonotic +sha +##adish +##prop +fun +lanth +rgd +hepatotoxicity +pbp +unrec +fingers +pvn +crosses +e7 +obstacles +disciplines +endosomes +mn2 +adhesions +spasm +orthodontic +##aminophen +constantly +artificially +vena +pparg +cystein +##uspid +mx +##oxamine +uf +capsular +phytochemical +ssp +distinctly +viscoelastic +##meth +t7 +vigorous +ams +bee +normative +regenerated +exactly +ccr5 +cbd +cones +sink +crust +defines +##endoth +galectin +##±1 +handle +sarcoidosis +scheduled +electrolytes +speaking +philos +shrna +neuroprotection +##tigm +micelle +ontology +legislation +rsd +horser +nlrp3 +opiate +ken +histi +enthalpy +cid +plasmonic +adipos +hexagonal +##ponsiveness +cic +endocytic +kar +tetrachlor +##erae +mexican +pean +149 +##anoic +##ivirus +17beta +cardiomyocyte +erythro +semiqu +medically +subarachnoid +metaphase +bun +gastroc +##diagnosed +aza +huvecs +##oreflex +oedema +horseradish +backgrounds +bacteremia +sitting +##icals +##ubated +##ilton +fertile +##romatic +catabolic +aliphatic +aflatoxin +vb +ctc +intrinsically +##ethal +ferm +synthesizing +amyloidosis +phone +persists +amplify +nasopharyngeal +cx43 +##ellae +proteoglycans +##athyroidism +perine +##elioma +spliced +solvation +spectrometric +##anat +gastritis +vv +iner +elastin +liposomal +discriminating +mycoplasma +chelating +forec +ranking +pharyngeal +##evant +marital +ryr +telem +genotoxicity +numerically +runs +msi +polyamine +thromboembolism +cep +eia +##oproteins +extracorporeal +autumn +amaz +comprehensively +cd11b +##ounder +dht +oligosaccharide +microch +mastitis +colorimetric +##mr +reacts +##stalk +##ectants +neoadjuvant +melanomas +##glucose +hypn +801 +inert +acetaminophen +attraction +##arf +splenocytes +holes +inev +unpredict +disequilibrium +##axin +expense +warning +orches +urethral +epididymal +flame +nag +tetanus +erα +haemorrhage +preschool +protonated +neuroinflammation +endosomal +##osterol +amenable +strengthen +ultrafil +##lational +alert +arrival +##ife +##ometrically +bark +sharply +##asion +99m +opto +substituent +imperative +caring +1978 +##istries +cryptospor +elicits +hamilton +neuroscience +adaptor +intrahepatic +amil +##oviral +bms +prokaryotic +##adap +linkages +imaged +mth +adiposity +fcr +aspartic +washout +##urized +psychiatry +d4 +##vian +metagen +hbe +cephalospor +establishes +minimized +muller +sod1 +182 +ei +esc +a23187 +mst +osteocalcin +robot +ultraf +detectors +eo +myeloperoxidase +toxicology +fork +##epile +caregiver +unlabeled +denatured +##align +##cope +preparing +caenorhabditis +business +arteriovenous +owners +158 +releases +##mn +##olem +lepros +phasic +##ivocal +##ado +hook +row +ppd +serogroup +storm +##ocytoma +cyn +##lycaemia +unsuccessful +thiored +fe3o4 +htt +undergraduate +emuls +procedural +lexical +oesophageal +kines +cscs +empirically +tinn +225 +activin +diat +##usate +crosstalk +insecticides +cbs +centrally +boost +harbour +chorionic +anger +##trac +strengthening +realize +amphotericin +##thrombotic +cq +s1p +##field +##umber +##udine +jejuni +valine +hnf +pdms +tgfβ +##cnts +malate +abstinence +sst +landf +mate +intracerebral +##encephalic +hierarchy +injecting +salient +##e2 +acclimation +congeners +##adel +emphys +##omatosis +wherein +fathers +profoundly +bite +##ulo +restrictive +placing +milieu +carbapenem +elite +hps +mcr +ambiguous +isopropyl +phenobarbital +ctla +##oconversion +##wood +zip +mehg +disinfection +equilibr +orthopedic +distorted +##serine +##fibr +demethyl +feline +1960 +acetylated +msm +##ozapine +##acies +fisher +bnp +microelectro +hyperv +occupation +bidirectional +sarcomas +##odine +erup +sephadex +encouraged +amiloride +clues +readers +congruent +stalk +aesth +calving +denti +marginally +blend +151 +enterococcus +attribute +antioxidative +tacrolimus +spiking +burd +molyb +economy +urgently +##asant +##ympathetic +hardly +contrasts +advis +##bg +β2 +probed +##osecond +tinnitus +interests +wbc +##af1 +coiled +knees +infan +subspecies +adriamycin +##uctal +hhv +mmc +medicare +repaired +hin +cryptic +gastrocnem +##anide +##ogue +listed +dibut +lun +tma +acidity +accommodate +pst +irrel +falling +epiph +##afenib +##razolium +##biotic +dysfunctional +judgment +##dehydes +register +adenylyl +##porter +##overty +reasonably +instructions +administrative +##h4 +reconstruct +ketone +tender +glucuronide +deoxyrib +mans +2s +##western +inducers +nephritis +hexane +conference +acknowled +pgc +slopes +##rem +exhaustion +demanding +digest +##icc +gwas +norway +literacy +complemented +##eptin +monoxide +proceed +orthopaedic +##03 +rotating +##osylated +##odeoxy +##d6 +cnts +responds +poverty +snow +convention +##biased +practitioner +##kat +upa +fimbr +hern +analysing +oligomerization +isotropic +fic +drops +faecalis +metabolically +##arrhythmic +joining +ibs +cra +ingredient +escc +##beta1 +epig +##inesia +##othing +##obenzene +##ariae +stir +solv +starts +reside +computationally +sof +dile +psd +radiology +sentinel +arrangements +thalassemia +suggestion +genbank +derivatization +kcn +performs +confinement +##idene +##igration +##ikrein +##fring +avers +##uptake +##ofuran +exceeds +nadp +##urface +enhancers +covariance +##aid +subdivid +hots +lym +panic +glycation +c8 +##side +##vern +mof +transfusions +aper +185 +exploiting +peculiar +leiomy +slides +philosoph +lipolysis +fumig +bats +generalization +##hydryl +ranked +blastocysts +##olide +agn +photoreceptors +unresolved +2n +evening +shh +##yronine +threats +spa +invertebrates +##arone +acp +myofibr +##coprotein +haploid +##reval +degran +crystallography +colonized +4th +phonological +dsrna +##emp +purely +##azolam +tcs +migrated +mildly +daughter +uncomplicated +gastrocnemius +snake +transients +unbiased +pml +electrocardiogram +isothermal +dlbcl +kyn +mutually +alarm +##oreductase +leprosy +imidazole +transposon +pepsin +achieves +##tina +succe +uridine +oes +swabs +entail +##osclerosis +diode +obstacle +kinet +##c4 +##nals +hotsp +##cil +012 +amoeb +##etaxel +clozapine +##ugg +rash +reactors +##adecan +confirmatory +loh +sos +##div +relaxed +##ila +mong +anf +##ille +dtpa +matern +pgs +serous +instantaneous +nephrotoxicity +unexplored +##dy +pathogenetic +##hog +neuropeptides +tcm +noxious +epoxy +elementary +organisation +mutans +admix +cava +##aka +docetaxel +cyp3a4 +paucity +longest +cholester +diaph +##uin +ripening +clp +quadrupole +pna +rgo +manipulate +apa +geometrical +irrelevant +observing +coactiv +confron +seropreval +constructing +denitrification +##aba +##brand +titr +##limb +gluten +photonic +ventilated +zeol +dysphagia +dipl +mitigation +correlating +buds +evans +##oglut +##ofer +chymotrypsin +g0 +empl +ip3 +metron +195 +periplasm +exposing +reuptake +lmp +hypercholesterolemia +177 +wc +blank +vacuolar +unrecogn +5000 +laev +azo +turns +compute +##omyelin +tyrosinase +micromolar +comet +hematopoiesis +##orial +atri +cleared +steadily +staphylococcal +neurophysiological +k2 +ricketts +click +territor +##olis +##ymic +ipv +hedge +symbiotic +viz +inactivating +fuzz +gard +jugular +alloys +phthalate +nonsm +tremendous +confusion +##antigen +157 +hither +##oventricular +efs +##oreactive +isozymes +osteogenesis +intraepithelial +##king +protozo +##gg +chow +catast +denv +sulfated +1975 +valpro +wedge +##etitive +parturition +mite +nitropr +##edicine +##cam +diol +think +hindlimb +hitherto +biotransformation +translate +multicellular +impregn +solutes +drb1 +##olinium +anchoring +avenues +rhodamine +antimicrobials +methamphetamine +nitropruss +orex +fts +tnbc +##ellosis +##certained +probiotics +osmolality +##ocus +counteract +castration +##osomiasis +##ffer +exceptional +ended +##tebral +##ubiqu +workshop +trehalose +fundament +functionalization +replicates +vitreous +subacute +##oprost +174 +globular +nearest +gambling +deployment +##une +mammography +immortalized +adds +##onegative +pericardial +heightened +quartz +journals +phosphates +anatom +hydroxytryptamine +##pv +scl +3000 +obstetric +melanocytes +intu +qd +intratum +book +exo +##odynam +superiority +nitroprusside +opac +##faction +ascertained +##coag +cited +##emediation +virion +##otherapies +##odys +ngs +##apro +bottlen +sociodem +##encephalon +##capes +##onomical +steroidal +notew +212 +##like +hek293 +fertilizer +##pheresis +pigmentation +pick +rendering +zona +##tention +myoblasts +intracereb +popl +representatives +interconnected +dext +chord +toxoplasma +##ellin +developmentally +consortium +nct +##omplex +resonant +csc +##emoglobin +biop +connect +foetal +resolving +hnscc +dysfunctions +mycobacteria +ors +##requency +lrr +barc +acanth +##istan +etoh +tomographic +ikk +passing +systemically +terminally +mm2 +hay +hypertonic +bifid +dyslipidemia +ccl4 +##access +craniofacial +accessions +thermost +dnp +proto +solubilization +dangerous +##ype +sas +estrogenic +interrupted +##2r +broken +provoked +counted +socially +wir +microdialysis +thioredoxin +warrant +cbp +fibril +niger +lett +nab +bandwidth +nephrectomy +og +implied +cages +##algae +cavern +anabolic +mete +##otypical +microinjection +doubt +residing +distraction +heroin +wise +microbe +##vinyl +inacc +resonances +asympt +neurochemical +symbion +pertin +kel +buffalo +ryan +arctic +saturable +molecularly +clathrin +pubertal +##etization +mars +antiepile +unified +noteworthy +translocations +##aired +albino +overlooked +so2 +decided +sociodemographic +##iformis +marks +exponentially +territory +ags +lc3 +pipeline +prevailing +##lofenac +amphiphilic +##ulinum +burning +try +egr +reserved +nucleosome +hydrated +##n3 +puer +igg4 +ready +behave +tdp +ddt +agglutinin +uremic +##iciting +hysterectomy +motivational +jejunal +molars +##iva +phle +4a +nong +superimp +specialty +dpph +tetramer +checked +synch +##entions +stellate +##oxygenation +ards +masked +osteop +##yrid +##00000000 +fragmented +biosensors +humic +pharmacologically +rheological +intract +##othione +potentiate +chromophore +usp +##adone +##mb +narrowing +lor +unusually +broilers +publicly +##methyl +manipulating +phosphatidylethanolamine +metabolizing +sulfhydryl +##7a +##inesis +hypercap +scaled +parasympathetic +pharmacists +phytoh +zw +hybridized +lists +coincident +nanog +forage +azt +canopy +valley +observable +workload +retroper +photod +##crnas +neovascularization +steers +psychotherapy +orthotopic +failing +sphingomyelin +flavor +membranous +##ocyclic +gsk3 +##han +##aki +employs +##dg +glucone +irritation +billion +cholerae +caspases +extant +xa +turning +polychlor +southeast +merely +nnos +##cis +isoflav +l5 +diminish +intracerebrov +opn +chemiluminescence +fecund +##olones +tack +seriously +macrol +##tured +leptosp +gavage +passages +osteoblastic +##ophene +subdivided +##adow +hemangi +##atids +discern +feeling +meso +hedgehog +quadratic +citric +intimate +transection +generator +hed +devoted +closing +##oco +simplicity +pvp +intracerebroventricular +psii +graphite +srs +raphe +odd +archaea +trpv1 +esbl +##μg +##whel +uncoupling +##etrically +##azepam +##ications +##idomide +screens +##ophor +prospects +lux +resum +palmitoyl +pco2 +interspecific +qrs +##tite +diamond +##ocalization +fuzzy +##ytoin +jaund +fischer +sectors +photoluminescence +dmd +v3 +##ucine +micellar +amend +perceive +dre +cb1 +blunt +rps +mucous +maneu +ctr +addic +antinociceptive +mcm +mesoderm +hydrolytic +pmma +demethylation +164 +bon +bmscs +dms +monod +immunophen +seroprevalence +wille +leukotriene +pieces +arguments +hardware +glutar +##asth +subn +##ried +holistic +sliding +inefficient +mine +##endym +s3 +enroll +cfs +dfs +##othec +photosensitiz +polyg +##angiogenic +furos +pdac +taq +pgp +inhibin +telomeres +disaster +##onates +specially +overwhel +agglutination +witness +phyto +tig +multilayer +aii +anoxic +genesis +backward +accelerating +manuscript +ost +viet +##fv +##duced +##uccin +phylogenetically +banding +ancestor +oblique +##overs +defibr +hill +serr +tfs +sickness +trough +waveform +obscure +##azem +jurkat +furosemide +discoveries +##ptosis +transposition +infrequent +spiritual +##1a2 +stringent +prazosin +atrioventricular +##gly +bradycardia +deoxyn +##dividual +##ticle +chondrocyte +oscc +enum +crs +demyelination +##clusive +antenatal +placent +uranium +optimally +fits +##vin +epidemics +peptidase +gase +retest +##umann +transaminase +pmns +##k3 +ulnar +ruminal +psycin +##centr +trimeth +psycinfo +surgeries +dorsolateral +interrel +##erged +argen +eliciting +scrap +astrogl +phenotypically +pld +016 +omp +glur +identities +anaplastic +stat1 +methadone +disrupts +remember +architectures +##oporph +approx +approaching +5th +extravas +kan +1977 +nanosheets +adopting +silenced +##kg +blindness +cbt +cream +nanotube +arid +herbicide +relapses +dysk +pellet +granulomatous +midazolam +modal +interferes +emphasizing +gun +##otrophs +##116 +prohib +whit +##the +sirt +laevis +integrates +mz +##acyclin +psp +pyrolysis +colloid +##embry +intimal +coronal +3β +intractable +parav +##etary +therapists +choroid +i2 +rhizosphere +rectif +freund +posttranslational +assurance +##okine +blacks +##acillin +##othyronine +vcam +borrel +infiltrates +##pred +gef +tendons +listeners +savings +##yled +scholar +##onad +increments +multile +gingivalis +multifocal +##abl +midgut +interruption +twist +fasci +hyperpar +cabg +lysate +iat +deals +magnetization +neurocognitive +##5b +550 +traces +compelling +citiz +330 +tic +cancell +ruth +asynchron +dsb +terp +bacul +overcoming +dub +##orrhizal +fabricate +1200 +cholecystectomy +bioaccum +supervised +##urred +nets +putamen +167 +engaging +pertinent +cort +013 +##agues +matches +barrel +photoin +diclofenac +##aint +hrqol +bever +183 +ulceration +vincr +perturbed +lov +insemination +eventual +convenience +##ulence +schiff +imprinting +ingu +decor +##therapy +interpretations +slit +ed50 +isothi +propri +cime +justified +undesirable +sclc +pph +slip +dilute +seeding +eccentric +1976 +depolarizing +##tiazem +162 +administering +159 +##istin +##orphine +reads +pyridyl +artifact +willebrand +carboxylase +at1 +reca +peptidoglycan +occult +phosphatidylserine +said +fasl +bent +vitell +alex +hydroxybut +homogenate +##esin +epoxide +peanut +sider +butanol +fuller +204 +defenses +dsp +##ectile +stressor +exaggerated +divisions +spear +polyaden +lessons +chaperones +##uated +erythema +fluoroquin +cimetidine +##fused +pnp +files +bifurcation +unbound +##vertebral +256 +gpcrs +##entioned +##ald +enzymatically +unstimulated +##onent +edible +halluc +isomerization +interphase +aldehydes +mch +##ibb +##ubertal +radiologic +##otrans +##issible +##juana +glutaraldehyde +##phan +kilob +166 +infin +diuretic +replicative +settle +bloodstream +bulls +mmr +gaseous +antarc +hydrocephalus +laun +manually +push +nationwide +sdf +ner +nil +homing +dcm +modifier +##ervated +kap +##yline +scap +##oxylin +huvec +senior +priorities +##tening +polychlorinated +##ca1 +sz +contradictory +unpredictable +thread +meq +interch +##olytica +guest +fluconazole +##otency +separations +cd10 +catalytically +##erh +dioxin +radiolig +detr +##oca +butter +tata +##feri +proteas +nhs +172 +vincristine +15n +connexin +ais +cbl +distilled +disassemb +quail +lactis +##ocortex +aerial +bcl2 +pumping +fviii +brings +##ithin +scarc +juveniles +##cc1 +diltiazem +tracers +##loxacin +adjuv +habitu +nonun +b3lyp +ppv +ell +franc +neuraminidase +lysophosph +chemoattractant +emphysema +defibrill +posed +dk +clad +adhere +##folate +endors +ovip +vietnam +grouping +formyl +fibros +cen +##etron +dystrophin +hepatectomy +##3t3 +naphthalene +anxiolytic +penile +nem +##omatis +##arians +ricin +cmax +##ozoites +extraord +phytoplankton +##bia +bacilli +##phi +histomorph +botulinum +##orel +protonation +##noea +implicating +inpatients +p75 +etiologic +monolith +nef +maxima +mm3 +spheroids +##men +iodo +bioassays +enantiomer +fossa +diacylglycerol +nash +iddm +etching +mantle +scanned +kits +stric +conflicts +persistently +offs +framesh +##aracter +novelty +##eme +duck +enterica +unrecognized +tga +outlines +nmdar +011 +ryanodine +kiss +wel +pneumon +millions +entrap +##gar +ssdna +iqr +alve +criminal +##tert +##actam +allop +014 +compressed +antiarrhythmic +circumfer +statistic +##roton +fecundity +##nish +workflow +enterobacteriaceae +nfat +russ +retinoid +ada +adrenocortical +indol +compulsive +quadruplex +odc +wastes +tsa +##oons +photons +l4 +rainbow +rhodopsin +windows +##js +nymph +embedding +pthr +preexisting +neurole +iris +sweat +##opolymer +underpinning +valvular +pursuit +##aut +chemosens +nephrotic +##orrhea +unip +beverages +instillation +inguinal +##oney +svm +astrocytic +ancestry +bell +odn +##yseal +polyvinyl +glucosamine +superconduc +worst +leaflet +##odynamically +destroyed +legion +burgd +##romed +whey +noticeable +senescent +gdm +phosphorylase +herm +##yelin +defensive +tmp +##ingual +isomerase +ssr +##elective +163 +vocs +marijuana +amyotrophic +oroph +222 +p50 +##ofrequency +burgdor +##odin +##ott +##weed +constip +upward +qualities +radon +nominal +##tinib +otitis +qtls +itp +##activated +piezo +euc +stains +dehydr +##aginal +##ospinal +syph +vow +simvastatin +##isco +sustaining +alcoholism +vg +fort +synonymous +rises +##ecies +1980s +nw +##ultured +markov +hyaluronic +ridge +retains +myotubes +##omib +meteor +##ectomies +##oplatin +##odopa +perfusate +aversive +yb +holo +relapsing +prescrip +liz +203 +exchanges +##oxides +1990s +wavegu +burgdorferi +169 +ruled +##alasin +triad +player +disclosure +kallikrein +##yletic +206 +concentric +##iber +durable +roman +anaerob +myoglobin +hbc +unload +uva +endorphin +ht1a +conspecific +sis +##plate +supervision +faeces +formulas +wetland +denaturing +bore +laryng +microcirculation +telomeric +##oselectivity +carbamazepine +antid +repolar +##def +caveolin +h9 +implantable +deaminase +tlc +checklist +##picuous +4d +penetrate +intent +344 +crystallinity +##torh +restrict +provinces +subma +pdi +lacc +polycystic +3b +5a +##937 +##opid +acrylamide +quadric +##osmotic +##inol +torsion +161 +electrochem +micronutr +nonster +colleagues +vaccinia +##eping +contributors +ppargamma +draining +##ulous +thrombolysis +zh +exploitation +biochemically +evaluable +gss +prostacyclin +##ecd +antithrombin +stainless +pgi2 +196 +aerosols +immunocompetent +districts +##rig +conferring +trachomatis +deactivation +##1c +replicating +##uros +nucleolar +010 +patterned +209 +answers +sax +ohda +ipscs +powders +deeply +ligated +accelerates +ppt +lfa +flt3 +##h3 +##esi +antiepileptic +overproduction +##tistic +cem +##mus +opinions +##ravel +exertion +##opathologic +conidia +##itz +##180 +discriminative +brachy +melt +coexpression +unravel +gus +heterochromatin +farming +##gian +176 +alongside +bisphosphate +civil +##omorphine +hms +puf +dsdna +ira +n3 +cfa +lrp +wireless +214 +azide +##rogenesis +crab +186 +eco +unwanted +340 +sigmoid +marketing +burdens +##iant +##ubiquitin +##protein +chewing +aperture +lengthening +##analysis +infantile +##omedial +subdiv +sonography +littermates +##me3 +coales +screws +##ucleated +298 +hallmarks +femor +metamorph +ccc +coma +heritable +cyto +economical +##imidazole +##othorax +therapeutically +analgesics +adjunctive +applies +##ogrel +xp +carrage +wavelet +benthic +interrog +potencies +diagram +degranulation +lichen +##itoneum +electronics +2m +ortho +##uro +##erme +formate +gdnf +pork +cd19 +myd88 +##aea +dibenz +biotechnology +##ronic +##arring +rw +nbs +mlc +##factors +fibrillar +company +tetrod +ther +radiofrequency +recreational +##adate +renders +simian +##onation +##y1 +disorgan +hemostasis +gauge +dosimetry +dichloro +relational +ossification +lbp +malays +mtorc1 +ultrac +levodopa +pentobarbital +natal +##electroly +imported +confounders +nyst +##db +crystallin +linc +antimal +202 +glut4 +dvt +##arius +styrene +traine +hypotensive +hong +pyrophosphate +culturally +uncharacter +233 +nanomolar +underlies +dosed +acinet +fluidity +upright +haematological +##hai +asymptotic +##uma +stabilizes +flavin +aquac +tears +##tizing +adapting +##yly +unmet +buffers +##opharmaceu +##oidy +##aters +nanotechn +saa +anaesthetic +questioned +##hb +vz +##ilance +portug +momentum +ignored +serovar +kyoto +stance +logic +##otrophin +corroborated +##kl +plp +marm +mount +stature +organizing +diesel +biotinylated +##tri +nitroso +kre +vsmcs +buck +constitution +actinomyc +saccades +neurobiological +##algia +healed +debated +ems +vsmc +##iatr +weighing +darkness +incompatible +anaesthetized +anticonvulsant +tetrodotoxin +##enet +018 +paradoxical +laparoscopy +spong +secure +aegypti +subch +nations +concludes +fibrinolytic +polymerases +antral +jaundice +violent +##iiod +##itrite +stenting +##tilb +##grass +sulfoxide +lon +concerted +urokinase +multilevel +nitrous +vacuole +##opically +##alcoh +brack +whenever +nachr +##apsules +acinetobacter +unil +names +##actyl +thf +inbreeding +ocul +cct +machines +emer +ops +xyle +empower +stear +acetaldehyde +official +##ighter +celiac +rins +bcc +triiod +187 +cytolytic +endow +bifunctional +##idate +sentence +acetylgluc +cyp1a1 +cochlea +##annel +losartan +mansoni +bps +##endothelial +rer +##inately +hyperlipidemia +184 +##ylamine +thanks +ruthenium +hac +presump +juxt +invertebrate +##ongr +barium +yog +##ela +willingness +eralpha +metaplasia +gm1 +urothelial +##arenal +##oencephal +identifiable +vo2max +seemingly +plating +hgh +##erally +metallothione +rop +deae +cch +##sm +bde +synchrony +sublethal +empathy +ensures +##acrine +teen +depolymer +immunologically +warrants +##okinin +amoxic +weighed +intentions +tpo +neocortex +subgen +nonhuman +##admin +defl +fe2 +operators +pertaining +##zomib +##ifferentiation +glycosides +propos +ambig +thromboembolic +abstr +oxidoreductase +michaelis +##adesh +##l3 +callus +bupivacaine +##atia +##flora +deformities +magnitudes +underscore +baroreflex +deuterium +destin +satur +216 +unim +##ospasm +carboplatin +attenuating +##erule +##agglutination +simpler +characterisation +localizes +concentrates +aro +f3 +nq +tones +initiator +hyperparathyroidism +chat +##ih +convinc +proteobacteria +priori +photolysis +rifampicin +occlusal +vta +##5y +rejected +aluminium +disadvantage +mesenchym +subd +hemispheres +paa +##ticism +occlusive +ureteral +subscales +nf1 +ferrous +ttx +s100a +medicaid +debil +retraction +sentences +pharmacotherapy +tricuspid +##wi +john +##acoustic +sphingosine +delineated +cdc42 +zol +petrole +##kc +spermine +controllable +reviewing +18s +##ophagy +microscopically +##ollagen +mdr1 +converts +##ureth +##dine +technically +duty +sati +radiologists +unsatis +flip +myelinated +rhabdomy +crass +phenytoin +fol +curved +tunneling +##reek +##osic +electropor +exacerbations +##oxycycl +postulate +##ovulatory +blasts +preferable +drawbacks +transparency +predispose +181 +##astine +##pm +obligate +hypophys +asparagine +vasoconstrictor +autoantibody +##oty +metrop +facts +graves +extracting +submaximal +oligodendrocyte +cacl +##itre +redundancy +pathologists +beij +##ocele +##tigens +constipation +wd +married +bca +phb +##344 +##tles +preced +discontinuous +##isy +statements +apomorphine +egta +captive +##epid +autophosphor +mesothelioma +speakers +173 +concert +vertebrae +concordant +accomplish +nanorods +bior +rgs +shortage +sorted +airflow +withdrawn +adjuvants +cryptosporidium +017 +projecting +##book +petroleum +hyperthyroidism +acetabular +##ocs +forel +teacher +##rf +reti +lpr +gig +biomaterial +ruptured +aas +verm +preoptic +formerly +farnes +rolling +aber +israel +##ocere +##haem +audit +colonoscopy +##itical +staphylococci +entrapment +subtraction +lect +171 +fura +locate +311 +chlorinated +proxy +pfge +##map +orfs +221 +hon +##anone +invading +wealth +emerges +##anging +##roscopically +downward +aesthetic +u937 +##antigens +obstruc +178 +densely +inconclusive +infestation +aphid +pear +tps +naoh +dystonia +segregated +incidental +##126 +eur +nonsense +dpi +e2f +attract +##rotoxin +immigrants +poland +t1d +tha +238 +fingerprint +gtpases +innervated +fundus +originates +modifies +fmd +communicate +metronidazole +neurofil +circle +cholesteryl +frailty +detects +hemispheric +walled +acquiring +impulsivity +merist +isozyme +curing +##ethane +290 +artemis +##epines +favoring +florida +rbp +##ho +myopathy +hemic +assemblages +##urities +transdermal +chose +uniformity +α1 +trisomy +##erhans +##can +answered +degenerate +vad +kainate +acrylic +langerhans +##yelinating +discriminated +##igenin +prur +ideally +controller +paralog +##lt +##ometers +translocated +looked +stoichiometric +mites +acceptors +antih +deployed +tetramethyl +##antit +stimulator +##eto +miniature +##tone +saccade +antipsychotics +compositional +##gp +pp2a +manufactured +##ennial +classifications +cm3 +rxr +truly +##ounted +neuromod +ivig +endings +sunlight +enal +##vidin +refuge +rage +cofactors +flocc +phr +pct +##otential +navig +reinforcing +sacchar +tails +paroxys +clopid +spaw +scfv +argument +soma +binocular +##ario +##ecoxib +niddm +b4 +ici +pedicle +locked +homogenous +peroxisomal +ree +extern +mmt +##havi +hospitalizations +council +clopidogrel +adenosyl +ultrafiltration +nci +operates +tram +chimeras +c1q +##xin +peroxyn +oocysts +spectrophotometric +camkii +returning +hun +waals +superimposed +pgr +hypoplasia +17a +societal +##isations +afb1 +mutagenicity +hydroxyd +jh +segmented +agro +##2s +visited +clip +binge +1974 +favorably +fumigatus +flagellar +risky +223 +shells +isotherms +deemed +sh2 +##rolateral +##indole +psc +pdc +precipitate +discussing +reconstructive +myocyte +loose +deproton +penta +fulfilled +##astr +antine +##itrate +##ensory +##iaa +fibrillary +obstetr +epicardial +mucinous +alkaloid +tbars +victimization +disabled +alfal +pnd +dwelling +colored +##axanthin +anesthetics +nitrophenyl +pns +##ecks +suckling +cili +aforem +0005 +danish +aforementioned +##otom +positives +counselling +default +auxiliary +huntington +inductively +amoxicillin +##win +pericardi +serologic +##oton +gamet +##elt +##ocyanine +awa +##tian +phagocytes +fractal +justice +##my +ventricul +pill +##embryonic +cooperativity +##angle +##tices +anchorage +ssa +##osities +complic +atherogenic +exogenously +##f5 +reapp +##ocyanin +trast +directing +cta +beneath +##idges +ubiquitously +capping +relied +mushroom +pace +isc +##board +effluents +cart +nigeria +api +4000 +alfalfa +hch +singly +aedes +biodistribution +electrocardiographic +pink +paraventricular +mend +certified +exome +traf +xx +eif4 +needles +##elan +mpfc +##oprim +##rowing +tolerate +##omethane +landscapes +orbitals +periodicals +enteroc +granuloma +sirnas +mesenchyme +eliminates +nephron +thiols +baumann +immunod +##esting +pegylated +quadriceps +##iodarone +psoriatic +submucosal +##inae +enrollment +##olyticus +seronegative +exocrine +pta +heteros +trastuzumab +##imburs +incap +##anserin +208 +##orphism +atresia +haemophilus +650 +isoc +microcys +wasting +debrid +familiarity +##tonic +you +##ronch +avium +deterministic +##ultural +certainly +spearman +##pora +heterozygotes +tetrap +##days +polyamines +cba +##architect +appreciated +tir +bioinformatic +traced +inulin +##omatic +haart +##eum +golden +extravasation +retinoblastoma +reimburs +##awa +aband +unsup +thermophilic +207 +aquaculture +htr +##vd +contracted +flick +manufacturers +215 +necrotizing +erectile +gadolinium +pthrp +##uretics +prism +specialization +archaeal +intergenic +qa +##phere +##oporphyrin +sid +polyelectroly +prescriptions +frank +laminar +macaque +nis +310 +anoph +insults +glucoside +progresses +##cysteine +##force +transformants +semiquantit +##opeptides +hydroxymethyl +##ocholine +stands +##ardiac +viscous +tune +imperf +penal +carcasses +##oting +##otecan +cruciate +##isen +thyl +unic +extensions +fenton +##urrent +deciph +xylem +monocytic +193 +e4 +torr +charts +1s +fw +caf +hypermethylation +##anting +guarantee +realization +anticoagulants +abscesses +ttp +isole +accession +##airs +psychiatr +elaborate +ghrh +acne +weaned +formic +##xime +contrasted +hcs +##iparous +doxycycl +discipline +5s +got +mdma +##itably +adenoviral +anxious +hyaluronan +synchro +##iner +##506 +ceft +syphilis +4h +etiologies +chemoradi +carbonic +facets +##orescence +intima +benzoate +##immune +##uronal +premenopausal +peroxynitrite +opa +tubul +fcs +neiss +objectively +nanocar +intracellularly +pheochrom +226 +##eprazole +socs +evoke +##9a +shuttle +camer +infertile +inqu +tz +fap +influential +intraventricular +prb +375 +canals +##agenic +texas +incongr +reader +streptomycin +attendance +diuretics +impurities +##odynia +##rologic +splenectomy +saharan +gj +ontogeny +##tef +census +##phae +smoked +##oceptive +##cortisone +sy5y +hysteresis +##aec +osteoporotic +fulfill +eyel +truncation +dwarf +naming +optoelectronic +adequacy +##erculosis +contiguous +quoti +hyperplastic +bears +254 +##ysteroid +##opterin +enalapril +biomimetic +lyophil +##implantation +##apto +microorganism +##arabine +##nn +corrections +quantitated +aggressiveness +##etting +halo +shielding +durability +spill +lncap +pasteur +kup +pik +styles +##tling +apd +argues +##astigotes +211 +##peridone +cd38 +##ipenem +revert +readings +retroperitoneal +##ensives +ipf +cytokinesis +##born +zirc +##ryl +aca +hemagglutinin +unevent +doxycycline +analyzes +polyphenol +protozoan +amazon +heavier +cryopreserved +schistosomiasis +singular +listening +erbb2 +##lab +##repres +descent +microalgae +hav +tdcs +aneuploidy +multitude +sporulation +thoughts +buffering +baumannii +remnant +wearing +nondiabetic +ccd +##amoeb +urease +inhabitants +confluent +saph +presumptive +caes +##tida +calorie +pasture +##arsh +mdck +prrsv +##entin +epidermidis +##extraction +fundamentally +qm +##raphs +desulf +instar +inferences +shigella +gastroenteritis +ale +dsbs +accidental +favors +sox2 +adipogenesis +chori +qsar +4b +##avirin +bacl +atrophic +multiplication +peptic +dma +lysosome +restores +wnv +inflation +watershed +absorbing +actinomycin +floating +microh +msa +granulation +coordinating +##kal +##cb +gle +fluctuating +uncharacterized +##orptive +gor +cus +##oquinone +physico +##oprolol +eus +lond +derivation +basophil +45ca +beijing +ota +antiapoptotic +callosum +##legia +thrombolytic +abundantly +games +oxidants +paramount +suction +herbs +420 +niches +c12 +pristine +ils +lubr +metastas +##uis +##ucleotides +3beta +jn +bulky +synchrotron +entrance +paran +##anda +coexisting +thinning +##gression +##iro +##olitan +landmarks +##hou +chelator +exceptions +scalable +f4 +##osts +oscillator +villages +##ells +##imal +geographically +blends +sorafenib +##ecium +preventable +diph +bacteroides +manufacture +benzodiazepines +immunofluorescent +##aks +##anesulf +ecmo +sorgh +blockage +volunteer +berg +##okines +179 +standardised +spermidine +pds +##endi +informal +##utres +hematoxylin +slide +secretase +completing +gills +hca +ribavirin +debridement +sprouting +##140 +hypersensitive +spirom +seldom +##othermic +rebound +weighting +intragas +α2 +oesophag +emit +merits +outlet +##emoral +bpy +carrageen +acrosome +trains +##quar +cd56 +uracil +308 +retrovirus +##ivir +vibrations +gastrectomy +popularity +runx2 +dentists +cd1 +##etus +pressing +spermatog +##oide +carriage +ginseng +fertilized +justify +fourfold +consume +transducers +sleeping +helminth +##mph +dispersions +ramp +antithrombotic +heterosexual +cnv +bridged +##elected +cinnam +cholecystokinin +unresponsive +photothermal +anthocyanin +subtr +##ventive +ikappab +##space +##arcomas +taxonomy +##oglobulin +eosinophilia +fvc +interrelations +toe +myocarditis +nanostructured +cour +broadening +tmd +##oflavin +cereal +##etries +##prof +##energe +optically +thro +evac +excip +diaster +dynein +deregulation +modelled +gallst +subsurface +ddp +hydrocortisone +gk +##ancre +stereotactic +pant +shel +sutures +maltose +isotype +ependym +allyl +ploidy +taxol +mimetic +steroidogenic +##orth +denervated +budget +##famil +merit +zikv +mbl +appeal +vascularization +capturing +rech +lactofer +encounters +supplies +coul +conspicuous +shaft +taz +isotonic +lentiviral +isoenzymes +claudin +gilts +##chemic +##atars +competitively +giardi +pps +plank +tumoral +categorization +unve +correcting +194 +dag +##nts +##ellites +fouling +propria +tall +commiss +buried +ventrolateral +amiodarone +inductive +switches +matured +##quat +hyperoxia +taxon +##tera +brit +reinforce +##iasm +thawing +crosslinked +injectable +mares +##opathogenic +sps +epitheli +lk +##treatment +benzoyl +harbored +broadband +##balanced +triacylglycerol +convolution +##aced +dmf +trimethoprim +fru +adhered +dti +tce +ned +lasers +pione +neurites +##l4 +##ophytes +reb +nonf +psychomotor +bimodal +##aturity +##aural +dialysate +educators +nim +##ifos +borte +pastor +rafts +pyre +tentatively +bacteriological +nonsteroidal +carboxymethyl +thylak +neuropathological +regenerate +fron +grows +coculture +bortezomib +yap +##uction +endogenously +deteriorated +illumina +cdk2 +ophthalmic +##ieving +regressions +correspondingly +piece +biotechnological +ventilator +##emy +trkb +nanotechnology +mitomycin +##xc +panels +##gap +monovalent +exhal +intratumoral +##inum +speck +isoenzyme +stigm +##argin +##ohep +campaigns +brucella +interdep +pancreat +##imentary +inflow +ator +steroidogenesis +##azolium +anthra +mpp +colocalization +permitting +salicylic +achievable +speculated +circumvent +stocks +luminance +amended +##orespiratory +crus +aj +yers +##equencing +endocannabin +##trig +sce +lymphoproliferative +diastere +encephalomyelitis +recombin +quartile +eros +##cnt +neurofib +##centration +castrated +finland +kong +aggl +ish +intensively +colostr +shortest +scarring +appraisal +sorghum +gq +leukemias +letters +tailed +parall +unsatisfactory +unsp +ggt +mastectomy +disparate +cytologic +bmc +spider +cytochalasin +advancements +perioste +##atectomy +coadmin +##oning +fixing +##±2 +communications +lan +externally +##rae +theme +chemopreventive +##gamm +##ecu +localisation +displacements +aberration +iap +##uod +jointly +cole +compromising +assumes +stimulant +loosening +##anoate +neonate +amphip +snails +radioligand +ringer +epididymis +isogenic +demyelinating +immunoreg +wi +balancing +convex +multiplicity +phy +prod +##k4 +##domains +b5 +colliculus +##icum +##olon +sorbent +ganglioside +reef +##ectant +nonr +##atechin +thall +##ifolia +powered +glucuronidase +bioaccumulation +##tiana +380 +hypercalc +tlrs +mold +suv +bronchitis +baculovirus +colostrum +starved +myelodys +##nu +batches +dj +gulf +commensal +topographic +sgc +##oliosis +blm +##itazone +1950 +218 +c7 +lactone +##iet +##ocutaneous +enteral +atrazine +ants +timed +235 +endocrin +pluripotency +photovol +porphyr +trichloro +ruminants +rounds +lepid +alkylating +jasm +larynx +colocalized +##vef +negativity +inactivate +fuels +##entanil +##formans +achr +asph +duplicated +nscs +##olamine +reminis +bleaching +mercapt +191 +immersed +hirs +snf +counties +qualified +moves +##brum +##ressor +c9 +syll +caucasians +1973 +##ellul +estu +anatomically +corners +laid +cereus +waveforms +responder +sns +biogenic +nitrog +propagated +css +microliters +autistic +attainment +tbp +bevac +persisting +spm +photographs +##erry +paroxysmal +xy +title +mastic +stn +borders +4e +##104 +breakage +##birth +atria +inherently +spaced +wearable +bevacizumab +turk +fmlp +480 +brucei +putres +demonstrable +dac +diamin +flocks +characterizes +wires +##amido +##obr +coliform +pathologically +repolarization +##ocent +##tx +longitudinally +cecal +##arbox +microvilli +kupffer +grounds +palmitic +phenols +##lock +transis +anterogr +startle +##ocaps +a4 +##otoler +189 +metropolitan +carol +macron +##izability +purple +extrapolation +agr +cylinder +leachate +##onasal +neurofibrom +interin +exceptionally +relying +skilled +sorbitol +zea +##har +uti +nsc +##264 +nests +arsenite +##che +cyp2d6 +absorpti +cyano +atorvastatin +##neas +assignments +fault +cuticle +incubations +stopping +ionized +prelo +vzv +modifiers +##ysm +operatively +fluorophore +##ollen +hil +dece +activations +granulomas +sily +rotations +doi +innovations +resections +cardioprotective +assesses +encompasses +ultrafast +cooked +basilar +019 +intensified +ship +##acetamol +invariably +daf +##eve +##thesis +kinin +tough +conventionally +workforce +##entistry +deafness +saphenous +pests +enj +##ecia +endang +hne +dyslex +cpe +isoprenaline +##icit +computations +logical +##flower +forth +opg +worsened +ld50 +reliance +trimer +deposit +##critical +distension +incidents +erps +omn +rye +spatio +harness +##azoline +moderated +ligaments +renewable +vegfr +ay +reduct +decidual +consecu +nanod +biochem +densit +debilitating +##tific +muc1 +oxygenated +##ampl +patellar +galanin +herbicides +kinetoch +phantoms +balf +##adaptive +silage +bubbles +zwitter +squared +##took +scro +tracked +authority +##ystalline +ebs +wt1 +ntr +cardiology +divertic +prison +linol +destabilization +femt +went +viremia +bronchodil +eigen +##tiveness +##oretin +microflora +serology +##othi +##4b +232 +trisphosphate +tss +ontario +hapt +##othre +transporting +brassica +carrageenan +neisseria +turbidity +anoxia +pcm +neoformans +##yer +bend +zoster +##domain +##renic +##cf +##olipin +##ionyl +nontrans +reflective +landfill +##amoeba +lingual +synergism +divide +##ulans +##nr +nebul +immunoassays +pend +##ospora +endos +tpp +allodynia +decide +##omol +suite +##engers +facet +cdkn +pm10 +iri +calv +##umes +##endazole +pomc +dentistry +##outs +log10 +universally +ict +duplications +nut +anthocyanins +##vhd +exf +localised +trx +sterilization +notes +chile +coils +compost +replacements +ultracentr +mineralized +##ll +bmax +partnership +consecutively +lymphadenopathy +proteinases +dmba +20th +inlet +chelation +nog +##hydraz +adver +fbs +1970s +phleb +brca2 +metamorphosis +##porous +midw +diffusivity +intraspecific +interindividual +bival +dz +##aresis +undertook +isoleucine +miniat +traction +##osh +london +parat +eluting +##utter +rit +zeolite +prepubertal +opson +absorptiometry +periodically +fibrinolysis +##sil +##affinity +##hexa +aptamers +##cessing +##itative +subreg +mud +exped +spectrin +verb +beating +##families +##pla +kat +threatened +microglobulin +##f6 +##qs +peo +nanowire +piezoelectric +claimed +streptococcal +decel +##ituric +categorical +contracep +##avidin +distinguishable +##alcoholic +infested +polyploid +lind +ncc +smcs +##obutyl +##arded +capped +tritic +##regnant +h5n1 +resides +retrotrans +##behavi +relay +decis +bangl +attempting +paracetamol +adventi +rectus +rpa +##idial +##ecurity +desicc +pbc +neuroanat +##onite +fluorine +burnout +##ostigm +chronological +rug +kinesin +afterwards +bangladesh +vanadium +coactivator +sinensis +isothiocyanate +periplasmic +resins +habituation +autophosphorylation +dad +congestion +unac +isotopes +##nit +mismatched +story +disassembly +sh3 +##eryth +riboflavin +overwhelming +cavitation +temporarily +cbz +##asias +stokes +agitation +##itism +canis +##200 +ppg +##agers +asymmetrical +proapoptotic +mcd +cdi +pdz +delir +tethered +fiss +osteomyelitis +gonads +urtic +intervening +dihydroxyvitamin +##antes +cst +funded +nile +239 +pi3 +370 +polyureth +drinkers +wetlands +igh +##urospor +sulcus +tnm +tect +relieve +preca +contraceptives +exercised +##atidic +instructed +disinf +seroconversion +lactoferrin +##elmin +##enedione +electroporation +diap +grained +##yal +triiodothyronine +sarcolem +columnar +stx +##athic +nonselective +##position +discordant +leucocytes +anthracene +##ride +p70 +estimations +cumulus +ltb4 +tung +eicosan +polyt +275 +geor +##adecyl +syncope +mission +##itizing +fst +commonest +##ugr +heights +thermoreg +cords +lifetimes +transmural +morphometry +extractable +micrometer +extrahepatic +feedst +neutralized +beetle +doll +vagus +cadaveric +cach +10th +tort +thiamine +raft +##reotide +taf +cardio +##ombic +graduate +simulator +staurospor +putrescine +thumb +proceeded +##acyt +bisphenol +aquapor +glycosaminoglycans +##hibition +nationally +seminiferous +facs +sarcop +##erus +##ergy +##yi +##adip +pitfall +131i +trnas +hts +thematic +virtue +lak +oviposition +aic +chalc +japonica +versatility +##ocortin +serially +##antine +sterols +cucumber +##prednis +213 +##athin +mussels +yag +transferring +submic +alcoholics +emin +##training +normoxic +deco +syncytial +dth +##idines +streptavidin +pbdes +scopol +cyanobacterial +antimalarial +shp +nitroglycer +##ropic +cholestasis +cartr +##arietal +dmi +##trum +markets +scrutin +nontoxic +refine +##folded +##enclamide +fluency +restricting +calcified +phent +scoliosis +sulfameth +dmn +pseudop +365 +strengthened +microinj +carpal +mycorrhizal +metallothionein +eicos +meristem +##her +anticipate +titre +##trex +oncoprotein +indo +primordial +therapist +predominated +lignoc +byst +##coming +reversing +xenobiotics +thermodynamics +optics +producer +equimolar +notch1 +mercapto +aeration +clinicopathologic +naked +bak +say +##ouses +bras +##ontrol +desatur +argon +nrs +fna +##reshold +##ram +restorations +fucose +##agle +commentary +swollen +ptca +##essional +dates +tween +dysplastic +foodborne +hyphae +intraluminal +cocktail +##ht +cotyled +##ubstit +genic +laccase +lax +electromyography +adl +fragility +centromere +hibern +ipa +specify +boots +police +##uanosine +equivalence +nitrification +undef +##ocardial +spleens +sprint +throat +parkinsonism +sevo +centi +gapdh +wakefulness +##thio +s4 +prolapse +##lm +transvers +methylprednis +mrp +leucocyte +##angular +nkt +##q11 +vps +thermog +morris +occupy +dipolar +cytoprotective +affordable +oldest +dihydrox +hnr +bred +pao2 +anastomotic +whee +glib +##atism +neurotoxin +gluconeogenesis +diphther +##male +receives +##eterm +hydraz +ipr +##ender +hydroxybutyrate +endoderm +microbiology +avoids +imipenem +scars +##123 +meningiomas +##epi +formulate +##ochondral +vsv +gras +electromyographic +viewpoint +rpl +##cha +infinite +frameshift +cj +sbr +functionalities +##obox +hourly +ctls +##iaxial +orphan +ttr +224 +ki67 +##romedial +thaps +nls +chemoresistance +sleepiness +homa +overlying +randomization +##hom +##iflor +reoperation +##openic +equator +zns +preparative +obsessive +##osi +denmark +ey +complained +arrestin +yrs +dipyrid +##105 +##c12 +estimator +hypercapnia +##denum +xer +glucopyran +contraception +hypoglycemic +##idian +bib +chips +oryzae +argentina +matrig +village +spar +vero +##ostigmine +dispensable +cd133 +ethoxy +cdk4 +chen +boxes +##ulative +hpc +probands +sant +##onary +reoxygenation +entorh +dimorphism +synech +##2p +explanatory +suppressors +myri +urch +##onat +headaches +vp1 +tables +lyme +pab +tmj +microplastic +##145 +gangliosides +unavail +posth +stm +##tress +exacerbate +faith +clonogenic +##ultures +invade +marsh +kcat +osseous +evapor +orexin +adamts +##avers +fanc +crime +mounting +##rolactone +vivax +expands +reserves +f0 +sulfonate +languages +epilept +dehp +progressing +myelination +reminiscent +rct +educated +##onol +dxa +##oscope +permanently +lowers +naa +##erea +scopolamine +apap +chlamyd +##adhes +nucleophilic +ribonuclease +referring +appreci +deliveries +024 +hypoxemia +##elian +fingerprints +ror +fingerprinting +sons +##atial +matrigel +perchlor +fluoresc +undefined +circumferential +pge1 +##triatal +##retic +homozygotes +membership +crustace +borrelia +koh +isolating +##nae +intercon +abolish +exudate +imperfect +##onins +recalc +desmin +hairy +hbeag +##activities +docosa +ultrathin +diverged +##t4 +b10 +hydroxyproline +precedes +nonsmok +ptdins +##atiles +nonl +##elong +nitrobenz +methylprednisolone +clamping +##iteal +swab +dppc +ghz +17β +##iplatin +breakpoints +transepithelial +iugr +hypogonad +##isk +##ineralization +microvessels +thawed +gay +transwell +reser +insula +##worms +chik +saudi +licensed +assembling +##sd +##holder +anhydrase +pleu +residency +syl +##ynyl +conformers +citizens +##aclopr +biceps +##imab +##unit +cleave +##oblastomas +##yltransferase +thicknesses +cystine +erythropoiesis +##ymm +amid +chromaffin +weakened +##oglutarate +seventh +chagas +chir +slurr +adopts +perpetr +cd36 +condyl +tegmental +##dn +biob +humid +desert +wg +baclofen +rx +gonorrh +amphibian +gelation +immunolab +intercourse +conclusive +thapsig +ito +dating +biocatal +##ivial +illicit +##oniaz +##articular +##fast +nicotiana +foliar +gobl +colors +nsaid +minimization +ovariectomy +volatiles +pepper +##erver +entorhinal +rapd +radionuclides +##gram +imt +mats +advocated +thiobarb +mainst +salicylate +endosperm +neurobehavi +arthroscopic +classifying +staurosporine +thrombi +vasodilatation +want +inequality +ethylenedi +niv +tie +##olium +krebs +cannula +##icola +membered +schistosoma +##uristic +spectrophotometry +antiinflammatory +hypothyroid +##terolateral +##3c +vertically +rewards +tadp +thapsigargin +htert +deceased +##lass +icv +diis +027 +shortcom +##amellar +disks +shortcomings +postex +refolding +willi +cerc +##amili +yoh +pvc +synaptosomes +dominate +corticotropin +oxaliplatin +217 +strokes +arcuate +exhaustive +homodimer +reversibility +##zees +cystatin +sevoflurane +hyperinsulinemia +chimpanzees +##aginous +imipramine +##ospatial +glasses +yersinia +mbc +ultracentrifug +antipar +tnt +##ussion +##ethylated +iatrogenic +triterp +##echlor +bedside +homeless +unidirectional +p62 +lecithin +carbons +continuation +recovering +sinuses +poliovirus +dystrophic +gssg +stap +glibenclamide +pbr +conduit +uveitis +delirium +charco +bass +pce +tnp +ps1 +glycosaminoglycan +seat +researches +internally +pedigree +aminoglycoside +goblet +##ao +hemostatic +prostatectomy +##mandibular +energetics +inequalities +oro +##ospheres +hinge +##ohydro +##acholine +ministry +rubella +sln +tach +cmr +sting +wort +scenes +##parametric +cardiorespiratory +handic +competency +##onscious +lymphoblast +alop +trainees +evenly +##lr +posttreatment +substitutes +cd5 +##renorphine +mcao +incentives +laterally +mam +vinc +wal +##osc +repeating +semiquantitative +court +hepc +dca +unfamili +unhe +dissatis +hypop +##ravity +accred +amf +intricate +agrob +2p +tape +f344 +unem +expor +##rosterone +##ospores +cholinesterase +aroma +coq +##⁻¹ +##tists +dispens +depolarized +garlic +ctd +oliv +quorum +mustard +##ronchial +##ophyte +ppc +1972 +fascia +photovolta +msp +spars +necropsy +ehrl +sonication +metazo +sip +choroidal +deregulated +additions +##ycholic +bicuc +poc +avidin +birthweight +##ogle +relieved +##ogloss +overlapped +phagocyt +antiangiogenic +lw +abo +5ht +dysm +##exc +acous +payment +genu +##ront +smad3 +##enolol +alumina +##orient +hapten +registries +1ra +runners +intratr +enjoy +exciton +##oniazid +thorax +roi +diaphragmatic +craving +##frs +suspicious +intriguingly +ezh2 +arbor +endangered +frogs +ginsen +fatality +herbivores +##oprot +phonon +appoint +disagre +##ithiasis +acknowledged +avenue +pyreth +quit +##ovi +ptb +gov +orific +intersection +##ermectin +repulsion +##ethrin +luminescent +imrt +belt +##oglycer +casual +habitual +advertis +esterified +thiobarbituric +svr +switzer +rfs +intervertebral +wrong +submandibular +antitr +##ohy +phenolics +##osaminidase +extraordinary +noncom +casting +vals +##iximab +octyl +##ospital +##atri +multifac +aminopeptidase +decompens +beetles +##erts +lc50 +irrig +##urge +splanch +molybdenum +##iment +protoplasts +alkylation +candidiasis +##lycerid +rpm +unaccept +dissect +disabling +sgl +ecologically +contracture +##type +recruiting +secretin +decont +bicuculline +mah +pakistan +tcc +##icus +knowing +mock +bouts +pupil +instrumented +genders +c5a +dione +charcoal +kynur +northeast +ventromedial +ccl2 +switzerland +preformed +docosahexa +swing +pollination +tenderness +microspor +hemolymph +triangular +epithelioid +alloc +soccer +mindfulness +cellulase +drag +lifelong +metabotropic +rad51 +file +lca +hco +calb +varicella +subclasses +pigeons +thermograv +##phosphorylated +##urious +##emulsion +bivariate +##xs +as1 +hybridoma +racemic +anterograde +spme +fried +##azid +maxill +mrl +epcs +trpv +sao +##omandibular +dissimilar +microdiss +legionella +##adecanoyl +linolenic +biomechan +##testosterone +annular +##athion +avidity +rcs +byproduc +##ompetitive +##standing +rts +infiltrated +##ubstituted +loud +meteorological +##fin +023 +shield +hcy +pfos +pleomorphic +impressive +##omponent +##160 +chlorophenyl +dithiothre +ideation +##cls +heterodimers +245 +##rance +neurosurgical +sort +yang +##enafil +mofs +##2o +flask +asphyx +multifaceted +arith +teleost +deoxyribonucle +rearranged +meter +discourse +homosexual +dextrose +##anolic +getting +villi +cyp2e1 +drinks +serca +p19 +dithiothreitol +parth +indones +carcinogenicity +homeobox +lis +##fb +atenolol +##roz +##tines +recruits +cau +centred +complaint +methacholine +histochemistry +delaying +nomencl +radiograph +##enzym +symp +proteasomal +hypok +myofibroblasts +hx +yearly +mediastin +aqp +antineoplastic +##iliensis +spiroch +hits +multilocus +##alkyl +fove +bottle +nitroglycerin +7th +##aban +chyl +pga +appreciation +cohesion +mvc +tfp +phentolamine +behaved +uneventful +baical +detergents +11c +phyll +##oconjugates +errone +##irs +compass +wp +galpha +crowding +confid +##scat +noisy +elaborated +lvef +pathophysiologic +e1a +breakpoint +sunflower +ddr +caught +##acylglycer +##ostom +##imbine +rud +thalam +##4002 +mlr +berber +strugg +reimbursement +rantes +##users +marriage +tcf +##flag +##pyruvate +oe +explant +mycotoxins +omeprazole +thyrotropin +summation +hydroxyethyl +026 +heterotrophic +ogt +##faciens +hypertrig +caesarean +srp +fk506 +shark +humanized +spermatids +convincing +passively +cdp +microbub +021 +retinas +robustly +##jiang +pus +##odial +hypocal +cardiotoxicity +negoti +dus +##rosomal +##ocereb +cci +hypercalcemia +##orus +##ofr +topo +##idases +cpc +milder +m4 +##lh +kal +immunoprecipitated +conjunctival +wards +logarithmic +lycopene +##osurgery +promyel +vascularized +decorated +ck2 +aurora +catchment +##recipitation +chs +spt +athle +collim +seeks +oviduct +mentally +isoniazid +cytostatic +thicker +ibm +lapse +ntp +manufacturer +counteracted +grassland +##qi +wetting +fastest +cacl2 +costimulatory +parvum +denoted +amplicon +##opulation +enters +##ocratic +marketed +##aco +adipogenic +##itidine +frustr +affiliated +##ittance +##fm +metoprolol +dibutyryl +comt +antidiabetic +subscale +enterotoxin +snare +parallels +yohimbine +constituting +##estrus +inserts +betaine +represses +##thoracic +cancellous +035 +quenched +alignments +##ropical +vigilance +giardia +things +dissol +alphab +228 +##ytoplasmic +polyph +mwcnts +squir +phenomenological +enolase +sms +dls +terminology +##feld +##oxys +forelimb +esterification +##b6 +backscat +##aer +##otyl +galnac +pho +party +immunosuppress +mpn +copyr +##127 +prostan +pallid +aphasia +##aro +##ascul +##tiform +aliqu +overdose +##abatic +##meas +pombe +enteritidis +cim +glycoside +electrospun +##onide +contingent +senile +ced +rtms +chair +untrained +##rolases +vagotomy +##eca +accent +mobilized +028 +retail +effusions +orthologs +##quartile +gym +pae +compiled +splanchnic +involunt +omics +compliant +p5 +fistulas +decisive +##09 +perennial +cse +ambly +##enne +heterocyclic +nonsmokers +##urd +##alact +##yps +anopheles +planktonic +##ozoite +pav +##iry +pneumophila +##imol +trying +disintegration +radioiod +phosphoprotein +cheap +travers +agrobacterium +iκb +cushing +##enoids +ireland +continental +stacked +##obaric +##observer +mop +hyponat +##ilia +climbing +abi +tier +interquartile +offenders +duplicate +r3 +alga +myelodysplastic +##welling +guanylate +jew +jm +actuarial +wait +g6pd +##phosate +microextraction +thymine +impairing +4s +dioxygenase +##abilis +sterility +tetrazolium +cvs +renewed +##merc +spons +##atheter +troch +skf +androstenedione +##bv +beverage +maladaptive +neurotrophin +copyright +immigrant +incompatibility +234 +anaphylaxis +##ogold +glyphosate +hypoxanthine +unfamiliar +241 +restorative +flowing +022 +harsh +urs +causality +##arth +##gangl +##tigo +quiet +aac +crystallized +abstraction +il6 +nonsignificant +bootstr +3c +thyroiditis +migrants +##junction +##ilibration +dlp +mthfr +aspergill +lettuce +pufas +cpm +immobility +hcm +ksh +posttranscription +tungst +neurovascular +rsa +bringing +##enda +wga +lav +cavernous +accompany +cooled +##romazine +sab +##ibenz +##ourished +##loem +hete +##vert +distortions +mapks +foramen +mammal +solubil +##atide +##kinetic +inertial +dsa +antagonize +entrapped +rectangular +cpap +bari +pex +neocortical +lipof +hydride +resistances +fascin +spinach +ebna +dormancy +arteriolar +t0 +postp +procollagen +219 +interfered +request +communicating +quotient +keg +irreversibly +hemophilia +oligodeox +characterise +detached +hmw +wanted +pb2 +coumarin +uplc +gonadotrop +zymosan +converge +bipyr +hydroperoxide +tj +taut +0002 +jack +dicty +vortex +antifer +thoracotomy +parsim +##onec +##omycosis +prun +nonpolar +raw264 +##a3 +phs +##plus +morbidities +srebp +vasospasm +delineation +hyperres +founder +ille +polyurethane +spans +aminopyr +##imidine +##acryl +##olecule +tka +cmt +##oconazole +##agmus +##inders +grounded +requested +estrone +phrenic +metatars +monooxygenase +periodicity +exponent +consultations +anca +##ilicity +centrosome +incubating +229 +fight +asm +##ectral +ribb +reuse +supplying +##oserine +companion +p0 +retinoids +modifiable +myocl +##artite +mated +##indin +##efined +hydroxylated +oleate +##being +lentivirus +electrophysiology +##ateness +lmw +c60 +brs +tritiated +##entilation +spc +##gm +##ophyt +refrig +fluorescently +##igan +##aya +gip +villus +##waters +##trexone +restrained +flagella +##prol +sectioned +agonistic +ceftazid +classifiers +captures +estuary +ceftr +std +hypertriglycerid +6th +daph +wellbeing +bronchoconstr +polyposis +##tilbene +virological +inaccurate +artef +transs +janus +modestly +peroxisomes +##agal +influent +##otyrosine +##horm +promptly +laminae +ceftriax +escs +arithm +lateralis +##olae +so4 +ecz +##omycetes +metastable +##maleimide +##oge +phloem +##q1 +classically +accommodation +##terp +electrom +##operfusion +bystander +##bachia +corneum +gastroesophageal +invaded +finnish +phylum +chondrogenic +mainstay +approximated +decoding +ende +ctcs +misfolded +latitude +compress +paraquat +biofu +##oneph +tropomyosin +n6 +equilibration +normoxia +gout +ultracentrifugation +kev +removes +enac +pockets +mt1 +protamine +cued +reserpine +intradermal +normals +##ohydrolase +##iclovir +sacral +##enge +perik +clc +ns1 +ceftazidime +2500 +sponges +unrel +##oval +hydrate +plasmacyt +##ersion +territories +goss +avr +##ofibrate +intensely +##etom +composting +##butamol +brand +haw +depicted +##cement +violet +wish +analogy +ceftriaxone +autoregulation +relaxations +eruption +fabp +##arins +##iors +micronucleus +docosahexaenoic +tuberculous +cob +urethane +##rice +phox +locking +chimera +triphosph +accord +520 +evasion +cleav +endeav +##econds +hpv16 +institutes +oropharyngeal +arithmetic +podocytes +aggr +nystagmus +smith +nucleosides +salbutamol +colomb +315 +incisors +325 +hpt +elevate +31p +convulsions +##lymph +nonalcoholic +236 +fms +ire +##oly +truth +l12 +##occus +humor +azath +packaged +ly29 +ducks +adsorbents +aversion +couplings +ore +##esters +contours +cysteines +dmp +governance +wolbachia +polyadenylation +satisfy +##ampsia +##epo +nirs +poster +deconv +##etan +eligibility +##mma +silicate +adenomatous +tumorigenicity +dilutions +entitled +lxr +##ac1 +nect +wasp +chase +club +questionable +exemplified +enterococci +misle +vagina +dizz +orr +##ospermia +money +248 +pyel +##olization +wss +kw +##omn +##ulatus +##lexes +hepcidin +validating +##thus +invited +mcg +carin +##rography +tribut +mers +scavengers +neighbouring +##06 +perfring +##cyt +immunology +##roma +barely +##arcin +maximizing +neoin +heuristic +southeastern +tpn +unemploy +##itim +exhaust +alopecia +furn +ats +cnp +##eke +kinetically +octreotide +##aprote +manifests +ppa +monitors +beta3 +goes +install +azathiop +whate +absolutely +whatever +feeds +oxa +loadings +propagating +competencies +##edullary +cyclopent +boar +parag +abbre +chromatid +coincides +##rett +catfish +roent +staged +##opram +photob +practicing +##zn +##otracheal +nms +##ogel +265 +uneven +##flies +glabr +cd95 +thymocyte +carniv +##relation +enclosed +##agog +glassy +practiced +plantarum +featuring +pruritus +spawning +pdl +vanadate +ccn +beings +focuss +dispos +biogas +dimorphic +inte +classroom +fetoprotein +tos +nonph +palladium +tabac +ferromagnetic +##oxine +##health +abbrevi +exotic +##olarity +breadth +impacting +##italopram +readiness +rutin +biophys +misuse +dpat +contracting +rhb +##rooms +ipsc +interdig +waveguide +uvr +shadow +peru +propidium +queens +##ylon +valued +stat5 +perikary +##ibacter +striated +arthropod +appreciably +catalyzing +wisc +myasth +hydrostatic +abscis +pheochromocytoma +extens +colistin +nanometer +##uronium +intercalated +succession +cd31 +##unts +reposition +linkers +disruptions +##anter +textile +acetylcysteine +##electroph +sensitizing +acyltransferase +flanked +cannabinoids +atpases +permeabilized +decoupl +stripping +diminishes +colloids +rcbf +abscisic +ldlr +monophyletic +disruptive +escalation +##din +privacy +##phig +neurofilament +penicillium +##foot +kshv +metalloprote +losing +abdom +prospect +mitigated +thyroidectomy +anastomoses +eclampsia +symbiosis +anteced +aggravated +##adin +##abdominal +microstructural +##nut +stick +##icitis +pp1 +kenya +recombinants +259 +phyla +##apillary +leis +fz +##opoietin +nachrs +azathioprine +asexual +aseptic +modulations +##osterior +micrographs +##ancerous +precipitates +intestines +infrequently +basically +cytochromes +spf +##yguanosine +sio +hydroxyphenyl +formats +ferroc +proliferated +lcs +243 +440 +racem +entrain +submerged +##ymb +hydroxysteroid +recycled +unambiguously +hypothermic +asians +trpm +weaknesses +antich +##itans +antarctic +clind +mms +obligatory +epilep +russian +endocardial +voltages +carboxyp +##odyst +halide +vine +buprenorphine +paradoxically +celecoxib +##pers +antinociception +fats +adrenalectomy +musical +potentiates +stabilities +dural +gat +compaction +tendencies +deformations +dnmt3 +visibility +street +mrd +vhl +starter +arginase +query +steam +diphosph +dechlor +academy +trifluoro +ogd +tetradecanoyl +##cross +##part +heel +p63 +##bec +johns +nucleosomes +foxo1 +meningioma +grasp +hemin +diffusive +lpo +##evolution +extrapolated +##170 +undetermined +##trin +risperidone +##eliness +unselected +pemphig +diversion +##benzene +parasitism +doubly +fcm +vocabular +pectoris +prebiotic +inr +sulfonyl +expansions +smad2 +houses +guanidine +##crystalline +aquifer +6a +suspect +mineralocortic +pyridin +rca +abolishes +rio +hydroxych +dihydrotestosterone +disproportionately +gonadotrophin +##ofemoral +##amole +##itize +amphibians +inspiration +proves +parkinsonian +coryn +fivefold +congru +olanz +superco +ankyl +clindamycin +cnf +unconscious +illustrating +typed +nervosa +biv +##lot +stenoses +lipogenesis +proposals +quarters +hmscs +butyric +##ui +perfringens +ncam +##pea +imping +equivocal +pdgfr +##eceptor +##inarily +outperforms +nucleoli +immunoregulatory +##adol +subfamilies +door +pursued +pitfalls +kv1 +##rals +##uri +caribb +icg +nonpregnant +tell +##fig +perinuclear +##acetamide +t6 +perfectly +ration +pach +anaphase +admixture +##hel +intuitive +utp +##ysin +##illes +olanzapine +lacun +workup +oncological +bloom +anthelmin +brightness +intragastric +tubal +overexpress +oxys +perfluoro +dhfr +courts +##cl3 +##omening +graphs +bioremediation +roentgen +myelogenous +oct4 +rifampin +itrac +##erves +##althy +pcdd +intramedullary +booster +externalizing +villous +nomenclature +227 +p7 +universities +chances +bsp +abp +biomolecular +ictal +al2o3 +populated +nucleocaps +nymphs +ssb +naltrexone +fgfr +##pyrifos +intercalation +repell +litters +affords +polyelectrolyte +races +##oparas +032 +liability +microcapsules +tensions +preimplantation +electroencephalogram +##osarcomas +##aniline +##acyclines +internalizing +##ematous +meniscus +amelioration +cape +diffr +##orf +isos +premotor +mage +washington +chlorpyrifos +1971 +tbs +corpora +##ynchus +dio +stretched +##iptyline +micronuclei +cyclization +##cel +actors +ers +podocyte +lighting +##feed +sdh +##ocarpine +cooperate +##burn +muscimol +##anners +precede +dipyridamole +ace2 +periventricular +femtosecond +immunopos +##ecretory +ovulatory +apatite +apcs +palatal +cleaves +stall +cuo +##etermined +pragm +255 +##chard +242 +##cast +immunoperoxidase +clearing +itraconazole +meningococcal +prokaryotes +biphenyls +fauna +endotox +footprint +retire +synthesised +##usted +telemedicine +##rimers +##angitis +advocate +##amyl +##crna +nonre +ensuing +infarcts +mtc +##oping +tki +neurobehavioral +repos +junior +##yxin +inevitable +##3p +bacteroid +##bed +##obiology +cephalosporins +caribbean +involuntary +##occl +basket +bariatric +leisure +maltreatment +gamb +binder +aniline +020 +amik +ocs +fluence +mcf7 +##rowning +adeno +nanostructure +pyridoxal +lvh +brachytherapy +sow +##fi +##romegal +znf +##factorily +millis +ly294002 +##glu +antit +quinine +dizziness +somata +tropism +stec +dobut +edition +thallium +impr +steat +p24 +##professional +##oven +alleviating +ptt +##imbic +astrocytoma +bpm +videos +hydroxydopamine +mll +electricity +266 +##inators +ctgf +##robacter +experimentation +phenotyping +selenite +##alic +##ondral +widths +berberine +quadrant +zwitterionic +capd +crick +##eruleus +diphtheria +bottleneck +mma +cxcl12 +##cre +##utz +collisions +##tegration +gratings +bursting +cong +administrations +wines +mitigating +plethora +globe +northeastern +spindles +magna +circums +mitogens +governments +dobutamine +bj +hw +averages +tetras +##8059 +##rum +entom +spotted +propylene +readout +administer +pkb +expose +hydatid +##androsterone +gri +ipc +##child +pave +embryonal +sedative +lhc +tympan +bilingual +audio +cgp +nestin +mononucle +lysed +h2a +neurotensin +wildtype +tailor +##atement +rotator +phylogen +6h +305 +sild +wett +dyskinesia +transactiv +dps +qi +reinst +covariate +mta +hemagglutination +##bm +cd15 +sulfamethoxazole +ppr +intracl +bism +wounding +responsibilities +installed +##lich +plated +chaotic +ht2 +paco2 +perit +centrifugal +fkbp +bisphosphonates +osteopontin +thai +consul +nonne +cd86 +bromocr +hym +taa +p450s +##ganglionic +protozoa +advised +hyperglycemic +grossly +##cephaly +regrowth +gefitinib +gravit +amikacin +filler +aap +localities +prolyl +town +diagonal +iont +behaves +251 +rbf +thyroglobulin +proficiency +ji +joined +lift +nonsyn +decap +nanocl +calm +turbulence +vene +adrenocortic +cga +tetraploid +exhaled +peat +pixels +papillae +scholars +pens +u2 +##tened +impregnated +cron +reflections +##angeal +putida +electroencephalography +shocks +##angiect +hsp27 +tagging +dihydroxyphenyl +tec +rotated +abortions +meetings +retroviruses +sulphur +electrocatalytic +transfectants +ppp +coi +administrated +mendelian +##urans +##ounting +##earing +h19 +##asculature +ns3 +d5 +feeder +otc +malaysia +ivc +bronchoscopy +dilemma +cd18 +045 +unity +488 +bum +urbanization +##neumonia +##tris +psychophysical +antitrypsin +fishing +##igenes +tdt +##angers +hypnotic +carolina +##ophile +oculomotor +na2 +##meter +executed +toxoplasmosis +##glycine +reversion +dph +bitter +##osse +salience +save +underline +proband +bvdv +polish +planting +##xi +athletic +hyaline +##109 +earthqu +cyp1a2 +sangu +##lessness +##nh +carcinoid +reorient +whitney +npr +sexuality +daltons +iav +##05 +nociception +##oquine +pid +##aeus +papain +upregulate +papilla +##cr1 +appropriateness +sox9 +syringe +3r +##fractionated +fog +readmission +mmf +successively +lacr +beer +252 +glycero +hyphal +sildenafil +transgenes +dum +amalg +##oda +adcc +paced +architectural +c2c12 +##fluorescence +dtt +gynaec +pervasive +##erian +nucleotid +##esartan +desiccation +o6 +aster +mph +##ipes +norwe +urethra +epc +rnap +conson +coel +##ophilicity +tut +server +phosphoenol +ric +intentional +beck +pediatr +marmos +dutp +zf +satisfactorily +wales +##qx +##etallic +s9 +qc +placentas +azithromycin +levo +thuring +enterocytes +twe +expenditures +oligodendrogl +dde +indeterm +dimensionality +send +##odeoxyuridine +acromegal +tmz +cynomol +angii +tour +anticipation +##gregation +##opolymers +alkanes +adg +##ophth +delib +spermatocytes +dcc +sga +spending +hypochlor +turkish +assemblage +irradiance +##±3 +partum +saturating +equity +orthostatic +rewarding +reentr +potentiating +urate +brood +bioenerge +orthologous +fumarate +utilisation +seropositivity +##7c +ndv +multipotent +pneumothorax +##omys +palpable +tlr9 +organize +##avian +flooding +nse +lymphoblastoid +operant +indium +cull +##enh +ciliated +metallo +##ipin +bioluminescence +contag +helium +palind +russia +thinner +heterotr +symbol +ethiop +ectoderm +lewy +plotted +misleading +##isters +phenoxy +##arative +premolar +analytically +shade +pyogenes +vlps +bont +inactivity +stump +gynecologic +phosphorylates +collagens +dpa +ifnγ +scatchard +##oposterior +h3k27 +asymmetries +dyads +ambiguity +rust +microelectrode +##eff +asi +endotracheal +pox +proactive +fluorophores +spasticity +acetylglucosamine +metabolomic +diminishing +phytochemicals +vinbl +valproate +derivatized +burned +cpd +overgrowth +##oeae +taqman +penins +##cellulose +postinfection +overlaps +turtles +insular +remnants +taught +bioavailable +bace +unresectable +##isole +msv +unavailable +beclin +catechin +##ilage +##gesterone +overestimated +monensin +aspergillosis +##iptine +##crt +disconn +glut1 +273 +sesqu +asthmatics +nanob +undern +multicomponent +cine +glycated +3s +ait +matters +vowel +##osensitive +myriad +cardiople +fermi +##pon +##at2 +##anoyl +elevating +ceased +##vp +bicycle +chelate +cry1 +##arrhythm +clarity +mre +kaposi +##imeters +underway +036 +acclimated +achilles +##rophyl +landing +##osupp +organochlor +neurofibr +mussel +##alog +pilocarpine +sugarc +deriving +catalysed +scant +graduates +xylanase +oak +ascs +029 +##ries +ethers +syk +fors +eif2 +insensitivity +posttranscriptional +indica +milling +295 +ivermectin +microsphere +referrals +##ochromic +tailoring +amounted +ferred +cadavers +fusiform +##alim +rarity +vastus +urchin +impulsive +##ometabolic +chlamydial +bathing +sugarcane +eleph +mgo +partnerships +dimethoxy +accuracies +dqb1 +268 +ema +achievements +##imed +c10 +##isperse +dendrimers +colonize +##identate +thalidomide +nonresp +eyelid +sensations +##6c +phytohem +##urethral +supras +##adiene +##ifn +##encaps +tgfbeta +##ointing +lamellae +prs +complementarity +hotspots +deoxynucle +rk +amh +cleaving +##ocycline +kern +kim +topically +##erson +haemophilia +penetrance +satiety +acycl +synovi +concentrating +misf +##8a +##apenta +zon +##ixed +lifting +necessitates +bromocriptine +amps +immunodom +tst +##ar1 +impar +illusion +fulm +trapez +subtotal +elaboration +##ums +feather +amplicons +ubiquinone +reticulocyte +inclusive +maneuver +kif +##oba +tolerable +nfk +stomatitis +##unn +ionomycin +249 +inhomogeneous +exonuclease +repetitions +denture +##thiaz +corona +ergometer +calories +mgmt +definitely +breakfast +cereals +bug +##ervised +pons +complexities +hq +mra +##epr +extents +lobectomy +bodily +lanthanide +kilobase +digits +ponds +stemness +gust +excitations +infarcted +desaturase +preadip +syntheses +237 +barrett +rear +augments +vinblastine +lyt +perpet +eradicate +quinidine +tph +disulph +contacted +phenanthrene +cdh +perone +##anthus +updating +lmwh +##udinal +nonionic +sway +erb +##ophilin +customized +460 +##osylcer +recurred +hydroxypropyl +gibbs +##tens +minnes +##erational +phal +news +magnification +gerd +milking +##udied +##ocations +ctp +immunosuppressed +aeromonas +victor +##entre +mainstream +prototypical +tuberc +##yrinth +musculature +##aterals +kf +reconc +6b +cia +isth +apr +##obiliary +euthyroid +dide +spark +pkr +intelligent +lactobac +headspace +410 +intracytoplasmic +mbs +##ocally +calcane +proving +athymic +preferably +rds +nitride +##hydroxy +##with +autocor +astr +sarcopenia +assault +nematic +llc +##uta +automation +nonstr +##apsular +gonorrhoeae +##oub +terminate +learners +temporomandibular +subtropical +plasmal +exchanged +polynomial +mangro +244 +menten +##enine +cgs +046 +nothing +pericytes +##litazone +##ophages +calbindin +##122 +##facial +tfr +benzoic +orifice +indexed +unequal +##olitis +rooms +304 +incentive +cloac +##uximab +cmp +synthases +hydrolases +parkin +norwegian +cya +psychotropic +neurofibrillary +oxldl +dipeptide +multistep +genuine +tars +occupying +o1 +ultrasonographic +neomycin +infra +scaffolding +288 +euro +257 +##ometrium +rotenone +dormant +methox +##apia +weed +##adaic +##hydrox +decomposed +antigenicity +intramuscularly +peripherally +##ifl +##olinergic +centromeric +slaugh +legume +gossyp +##lers +##tb +subth +263 +promyelocytic +thuringiensis +21st +cdc2 +246 +intimately +discriminatory +minnesota +##ulata +multiply +lyn +hct116 +sri +##orbital +odors +euthanized +kegg +##otomized +caregiving +hexokinase +##ammox +ketoconazole +031 +cynomolgus +apoc +icsi +##aluable +cholangitis +soldi +glyceraldehyde +phosphoenolpyruvate +irin +##otomies +##almit +electrospinning +thermogravimetric +##lete +##epiandrosterone +aat +##obronchial +associating +##afs +reverses +##itriol +accessed +gallate +diagrams +253 +bst +diminution +hyperresponsiveness +fronto +##onus +promises +mica +collaterals +coincide +parval +propionic +immunogold +xii +orienting +holog +312 +mycelium +sacrifice +##ographies +atherogenesis +immunodeficient +ims +##anediol +biota +thickened +pfoa +cellularity +hepatocarcin +energetically +rosette +transglut +herbivore +vulv +##quinoline +lpc +lta +##m3 +cholangiocarcinoma +carcino +biomechanics +dendrite +dolph +##emal +pretrans +resistive +fullerene +##oacetate +upar +calling +037 +nigros +p10 +247 +fractured +protoporphyrin +invag +firmly +putatively +occlusions +##uters +##utamide +##otap +ancillary +vocabulary +033 +hydroxyurea +##iceal +430 +geniculate +irinotecan +flavivirus +##etomidine +rams +sonographic +upl +impede +ensembles +grp78 +##wr +##tled +##ceps +285 +officinal +noncovalent +prominently +rubisco +splenomegaly +amygdal +##opodia +asynchronous +igg2a +hydroxybenz +haematopoietic +thylakoid +excurs +hypertensives +##virulent +uncondition +myod +pyros +ucn +##rey +furan +geo +##galact +purinergic +tkis +osteoclastogenesis +2alpha +diuresis +skewed +myometrium +daun +hematuria +reex +chirality +corroborate +clavul +radiative +antiphosph +glycolipid +nr1 +##usters +interferences +tracks +interchange +##wl +aspart +oriental +tricyclic +facultative +##mers +tee +mp2 +maternally +hog +##esthesia +cd80 +agp +proceeding +wu +repulsive +finishing +aftern +enhancements +immunol +centuries +vertigo +##accessible +microalbumin +ranitidine +hypotonic +formally +267 +##represented +##udr +columbia +recalcitr +thereof +embr +motors +suffers +gα +ownership +##c6 +affir +industrialized +endowed +wortmann +reactants +perforated +subclavian +##ostin +cd40l +eczema +##cu +triage +intoxic +dishes +anticipatory +coexpressed +clarithromycin +bronchiol +##brom +noncon +hsps +mdx +unsuit +lactide +sulfo +varices +crist +npcs +subfr +issued +excretory +##kda +plla +dependencies +prv +snakes +1960s +tackle +rii +melit +278 +equatorial +mfs +transthoracic +850 +semis +visuospatial +pastoris +neutr +gist +autoreactive +torsional +##bps +depot +minocycline +wortmannin +occurrences +##ovan +258 +shbg +hnrnp +eminence +5d +##oylation +##ostal +annulus +oryza +l6 +##orectal +p40 +impulses +profit +conservatively +boosting +glabrata +ebola +##diagnosis +anodic +##pa1 +##rian +succeeded +polymerized +dehydroepiandrosterone +cd68 +agenda +wilc +hypoglycaemia +##oi +extras +waking +amr +triphenyl +buildings +rls +distractor +swarm +photosensitizer +peep +augmenting +##box +fungicide +scarcity +phytohemagglutinin +coin +##acylglycerols +abort +##epsy +microliter +metagenomic +##fas +transforms +##ocerc +ecto +solanum +##108 +##arche +##rodesis +##ordinate +pharmacodynamics +regi +decontamination +bse +cant +tibialis +hacat +roads +afternoon +##10a +ladder +cgy +mfc +phosphorylate +unpaired +diatom +alm +coeruleus +deferens +herg +pdb +eoc +tpr +thz +microti +##urbed +eutroph +retrotranspos +##onitor +athlete +calcitriol +utilised +burkholder +photovoltaic +cpl +polyglut +bags +incoming +certainty +bcp +epilepticus +incar +##itarian +stimulations +radii +photophysical +bom +##hard +immunotherapeutic +privile +c15 +faecium +rnp +##onecrosis +ubiquity +wool +woody +gis +noble +microgravity +##β1 +p2x7 +popliteal +##odystrophy +##ached +038 +γδ +oyster +rfa +mtr +##phalan +##e3 +decrement +microvessel +arthropods +cognitively +bombesin +mismatches +anteroposterior +shellfish +ribonucleoprotein +plethysm +##acral +##orelax +predictability +sclerosing +txb2 +390 +##132 +shunting +##exia +slurry +comments +cnn +##bos +##oken +endocannabinoid +##amps +prick +ribozyme +epileptiform +##onous +macros +atypia +m5 +hydrolysate +eis +dwell +wettability +##othal +pik3 +ivm +protracted +302 +perforin +034 +fortified +nanocarriers +quantitate +sealed +catastrophic +polysomn +coadministration +difluor +predetermined +undoub +fulminant +470 +6r +backcross +##body +histopathologically +certification +mpc +##promazine +forcing +parvalbumin +tace +invaluable +hairs +##nl +txa2 +conceived +marking +rape +deoxyuridine +temperament +internationally +masc +pontine +mineralocorticoid +appendicitis +pvr +merg +nucleolus +flock +antisocial +boiling +multiform +glucuronidation +unsupervised +edl +convey +##yrrh +command +nk1 +##odone +effected +##ivocally +540 +##enzymatic +dihyd +messengers +symbionts +mef +melphalan +royal +ires +##a4 +monomethyl +stricture +decarbox +pneumonitis +infects +supern +topographical +neurology +kanamycin +abduction +gdf +alpine +##ophthal +spinning +tme +opc +nup +telangiect +macroglobulin +mecp2 +spheroid +##ogren +patern +ecori +301 +clarification +caveolae +oi +ido +oncogenesis +corticospinal +saccadic +lined +aom +sjogren +basophils +conclusively +czech +intravitre +containers +sbs +spermatogonia +##uo +arisen +firmic +unhealthy +dapt +##artum +excitotoxicity +##osseous +gpc +##urinol +brad +peel +mosm +illuminated +fip +##ostosis +hydroxyvitamin +##oplastin +##urization +##cytidine +##piper +sls +##dt +##olyl +pd9 +engineer +2k +biodies +myometrial +duplexes +philosophy +serp +horizon +jam +tsc +yes +harbors +styl +humeral +##251 +##fur +##anuclear +##chair +intensification +entails +fluoroquinolones +alu +aborig +##usor +##imate +beans +hyperp +transcatheter +knot +amlodipine +narratives +ym +spectro +albuminuria +ptr +##words +thermogenesis +fow +monolithic +bry +promisc +goiter +amni +ablated +guang +interspecies +##ador +muco +relaxing +sensorine +tle +316 +p6 +##hap +proviral +explosive +mnsod +##ilane +physiotherapy +esp +pits +enforcement +coryneb +##attern +##elen +undoubted +oligodeoxyn +hva +##osphing +relaxant +semiconductors +pef +ceramics +relaxin +tilapia +agrees +##otaxime +collagenous +048 +dissatisfaction +mglu +##auer +phosphatidylglycerol +##asy +interlayer +nucleated +##acental +creative +nss +stories +fuse +capita +prices +settlement +congo +synonym +judge +bars +multivalent +po4 +neighbors +4r +transmissible +returns +##onsin +##1α +ons +phyc +unsuitable +##ayered +acyclovir +mesophilic +ecp +##tier +unple +variances +##apentaenoic +262 +rgcs +progestin +##ogastric +##argeted +northwest +lactamases +haemorrhagic +sensorineural +haplo +inquiry +transmitting +zipper +##opurine +##obis +organogenesis +nylon +smr +protrusion +##titution +replen +macrolide +tungsten +##ervical +hamm +p15 +seaf +##urv +##ersed +pc3 +proprioceptive +gse +underpin +##yelinated +##oronary +##imited +acellular +##ivudine +enzymic +cautious +circrnas +coincidence +oncolytic +convol +purpura +erroneous +itch +haemodialysis +##ropylene +ketones +tobr +sinusitis +intraclass +guard +thromboplastin +tetrahedral +asser +tapping +mrc +awak +interprofessional +aglyc +monocular +##ycholate +##posure +lobular +posttransplant +##tected +phosphocholine +vlp +sesquiterp +fores +manager +dentine +##ucker +subdural +implicates +pyrosequencing +##occup +unloading +##bearing +launched +evacuation +thermodynamically +extremes +lx +chlorpromazine +google +exosome +perk +overflow +pharmacophore +incisor +firmicutes +gynecological +##antoin +##neri +pallidus +unpleasant +respects +preh +dura +perist +estimators +supercritical +leaflets +##q13 +unfavour +meval +afflic +stepping +stroop +acylation +mdp +anthracycline +aquaporin +ipt +##irradi +##oxime +glycolipids +draft +purify +biologists +qtc +phenanthroline +herniation +croc +nitrox +continent +mdm +larva +##children +indeterminate +bismuth +substantiated +amper +prematurity +multiscale +arabinose +sarcomere +ross +crush +structuring +army +bland +##103 +homogenization +prolonging +revis +protrusions +melanocyte +##ett +cgh +predefined +atomistic +##opropane +antihist +precoci +advocacy +##ophysin +pd98059 +ipl +cachexia +recirculation +##engine +prevalences +carcinoembryonic +tfi +adaptability +ffp +inosine +##fluoro +wisconsin +12p +veterin +preincubated +homeodomain +##spr +##aska +bullying +endophytic +shall +nighttime +husband +logarithm +longus +miscar +neutralize +intronic +lateralization +underscores +bronchoconstriction +dct +tyl +##nitros +certific +nadir +dendrimer +ptz +rrs +infinity +384 +biodiesel +anammox +dcis +arthritic +scrapie +goldfish +chlorhex +optimised +047 +propagate +trifluoromethyl +##aning +depic +characterizations +coagulase +exerting +tular +wf +suddenly +repressive +276 +radiosensitivity +provoke +camel +venules +h3k9 +insulator +gramm +272 +microvasculature +##umenting +##incial +1g +##ptothec +huh +##obal +##ocampal +tia +##icon +mtd +##oaut +##ekeeping +aminoglycosides +degenerated +femoris +lymphangi +tba +interferons +magnocellular +glas +gerb +dehydrogenases +##oliation +exchangeable +cefotaxime +usability +postures +witnessed +##anase +nfκb +tangles +##vales +tetraethyl +counsel +hallucinations +##izine +aneurysmal +destroy +hydrogenation +cd11c +chlorhexidine +angiosperm +##ologically +neuroleptic +undetected +##osulfate +stereo +maxilla +punct +humerus +sanitation +depar +##kel +##osms +cdc25 +##odeoxycholic +##annels +annotations +preserves +parthen +framing +accessing +fluorinated +dentition +moab +cotransporter +amnesia +duch +u87 +introgression +##ofrontal +reassess +nigrostriatal +tunic +endarter +cdk5 +abstracts +##util +psychiatrists +spha +ba2 +269 +p14 +cister +ethylmaleimide +michigan +electrophysiologic +favoured +chilling +iiib +abcg2 +##omann +nonequ +bci +silence +greece +translating +minima +pads +##x4 +whis +anonymous +gibber +retirement +mays +dissecting +srif +procoag +adn +phytase +335 +reint +punishment +agron +##rocytic +documenting +pragmatic +radix +dcp +oestrus +kernels +sequestered +ted +integrase +##iffusion +interpolation +recalled +caa +1800 +glycopeptides +investigator +unreliable +naring +microsatellites +nanospheres +unequivocally +phosphon +pscs +photodegrad +##tet +fenes +simplest +pme +##abric +serosal +##odilution +unprotected +trka +hydrophilicity +hpf +neuropathology +mollus +cah +##v2 +039 +proteus +303 +fmdv +anhydro +angus +mc3t3 +crashes +multicentre +ad5 +huc +##uding +fibromy +cuts +rns +carers +haemolytic +##cc2 +dissociate +chromatic +##week +masseter +guides +##bert +tritium +zap +corneas +stemi +gallic +boh +rost +alfa +##bin +##omimetic +recanal +##oxygenases +poles +degrades +pooling +##roca +ifns +lactobacilli +damping +substituting +ameliorating +hart +intert +preclude +incapable +##anate +blight +tetrameric +##agin +cytidine +multisystem +continually +incongruent +mei +iranian +burkholderia +cardiolipin +##roke +attractiv +walker +multiplexed +synaptophysin +ductus +tobramycin +troub +mesothelial +reportedly +mycotoxin +polyneu +dynamin +##hipp +weap +seated +sulfonic +resemblance +fgf2 +##iasmatic +viti +skelet +##zes +naprox +yt +globus +##s6 +##izyg +morpholin +natl +brucellosis +octahedral +football +eda +osmolarity +baboons +seasonality +bivalent +peptidyl +allergies +sumoylation +wilcoxon +deserves +##eno +##hole +##elly +##ontally +sba +reev +behaviorally +propanol +southwest +parab +foxo3 +polygenic +rgc +hyponatremia +saponins +intermed +hispan +estuarine +mainland +cryptococcus +##ro2 +specialties +immunochemical +chitinase +perchlorate +oxidize +##hexyl +jumping +myoblast +formalism +transglutaminase +7a +accepting +distantly +carinii +print +tamp +hig +h3k4 +sock +vign +mpl +##ondin +##aner +deciding +arsenate +mrt +intraoperatively +277 +nonrandom +phosphotyrosine +entries +metacarp +embod +dgge +##zzle +##enius +smd +visiting +neuropil +turbulent +spared +##prolactin +##trials +retrograd +amalgam +gelatinase +hydrolyze +flagellin +mmse +igd +triceps +triticum +##ascin +supervis +polypropylene +##omus +profess +aerob +gametes +informatics +motoneuron +deoxyglucose +sterilized +##baric +grooming +hyperint +multinucleated +mog +papilloma +cip1 +io +##ethylamine +singleton +baff +smartphone +jp +typhi +desaturation +ethidium +ni2 +unfavourable +##kt +diffusely +tcga +packages +eel +condyle +preparedness +##capac +dichloromethane +antidi +maturing +pedestr +cld +microstructures +chemoradiotherapy +casts +greek +##low +vasomotor +oscillators +261 +amplifying +lymphadenectomy +##illum +hyg +dinitroph +sulfation +luteum +vapour +latino +c14 +glyco +amendment +endonucle +lq +csd +sb20 +##iglitazone +convales +suis +##otrich +mossy +noncompetitive +##feedback +ofloxacin +alternation +handled +##xanthine +lesional +recapitulate +naproxen +##ecture +##fts +mnps +outperformed +functioned +nonparametric +ethane +##oylphosphatidyl +immunodominant +undoubtedly +ephrin +chlamydomonas +pif +swi +botan +##plasma +antiphospholipid +##ylene +glacial +##ucleation +snack +lymphokine +##chl +rosiglitazone +432 +042 +surpass +##grams +dissociative +##esterase +dce +co3 +bifidobacterium +##ithi +sensu +ferredoxin +dans +ultrah +peritoneum +website +mbr +286 +intraves +monoclinic +m6 +unacceptable +intercept +296 +urticaria +##oneu +##ophoresis +normalize +##gium +mitophagy +levofloxacin +speckle +trivial +followup +proportionally +subling +storing +stimulants +finds +immunostained +hybridisation +dictyost +survivorship +biogeochemical +spoken +271 +geochemical +ppy +deflection +asphyxia +amber +enterpr +pedunc +deciduous +nws +##ox1 +arv +narcotic +hemocytes +really +##ectivities +egypt +predisposed +delivers +##siloxane +plum +megakaryocytes +minip +345 +##mercury +##plen +mori +histolytica +deformed +##anostic +patchy +abandoned +##opancre +unrav +hypoperfusion +corrective +neurokinin +aqp4 +transcutaneous +##ocytotic +xylene +bioreactors +lizards +simplify +tauroch +crypts +jac +thermostability +incarcer +antiest +##azolin +angio +c3b +##enolone +##tg +directs +hospice +hiaa +spirometry +ellipso +aeds +urgency +impor +postis +##rogenital +triazole +manifold +##zu +##apore +biting +temp +entrainment +hpmc +deoxyguanosine +symbolic +chemoprevention +impeded +evidently +jones +phc +attractiveness +##oresistant +onwards +prodrugs +##4p +hyperbaric +imperme +immunoelectron +blooms +stasis +hoxa +gsk3β +##abc +nanofiber +anhydride +deconvolution +hypocotyl +chelators +jc +##oguan +accumulations +mycelial +finished +approximations +zika +powers +withst +licl +esophagitis +recommends +nonlinearity +complicate +impose +##npv +distinguishes +autoradiographic +srt +##ilt +clinicaltrials +toxicants +depleting +cabb +pallidum +##oprofen +sphingolipid +aif +holoenzyme +##oplanin +igf2 +##lear +indonesia +oxidases +antrum +cartilaginous +boosted +ifa +tlr3 +##f10 +999 +51cr +enantiomeric +##onitoring +improper +hyperre +spss +##ometrics +unexposed +hoped +##odopsin +##opharynx +##opathogenesis +pmf +rater +microenvironments +grapev +##ounds +autoin +coimmun +opaque +het +foref +##chi +complements +##arterial +cyp2c9 +lyophilized +finely +##dipine +arachidonate +subthreshold +##rafted +housekeeping +tanz +cr1 +hamiltonian +convolutional +abca1 +seafood +##ytical +labyrinth +kinetochore +spd +tetanic +frontotemporal +pso +283 +u1 +photos +gallium +resolutions +isotypes +odour +##rr +##ylline +radiosurgery +1600 +underestimate +centros +preponder +eos +transposable +histogram +turtle +tricl +vasorelax +8th +upregulating +ensured +ewing +##trates +274 +iber +ert +##arboxylate +lacrimal +##openem +magnetite +boltz +shunts +ppe +recombinase +##itations +ahead +immunopositive +heterotopic +honeyb +##onders +venoms +##worth +acd +narrower +##othio +##rees +##fluorescein +methylphen +radiolabelled +syrian +##iliation +apps +researcher +cbct +flattened +##osylceramide +ond +chb +embolic +vacancies +dhp +inclination +6000 +rb1 +sudan +stearic +##avastatin +##ivalence +southwestern +pleist +##othiazide +chic +catastroph +##oproduc +reactivities +##abolism +polyphenolic +porphyrins +crem +##estone +controversies +microf +##ophora +##tible +necessitating +cfc +inval +blu +absor +undescribed +collapsed +epsps +dicer +spraying +1p +reus +##otation +syringae +imbalances +tenascin +tmt +hfs +unint +dermatology +aortas +##jugated +aec +##iptan +emf +fungicides +##parous +unfractionated +nkg2 +claud +00001 +fep +heterodimeric +##rophylaxis +hemopoietic +##aproteobacteria +abduc +zif +absorptive +##empfer +preovulatory +landr +fimbriae +antimon +interspersed +ina +myenteric +sulfite +luteolin +##obular +srbc +tonsill +intratracheal +pili +##₂o +malfunction +preventative +paddy +microelectrodes +calcifications +cornerstone +perikarya +mpr +loq +hnp +##ymet +##legic +shang +ultrahigh +stride +methanolic +insecurity +vk +##phyrin +japonicum +##unate +professions +summed +560 +unicellular +##ontium +lipophilicity +precautions +meanings +baroreceptor +edu +##ogranin +reinn +contraindications +dollars +cars +##oglitazone +bhlh +neuroanatomical +microplastics +dictyostelium +bromodeoxyuridine +urogenital +##bet +synten +kindling +undiagnosed +333 +043 +underm +premalign +chorio +astrocytomas +isi +apic +##ohyp +gravid +aptt +dash +antiferromagnetic +gos +gii +consangu +suprach +syndromic +penetrated +autocorrelation +xo +discovering +##ql +aad +1969 +alum +sscp +multisp +meropenem +##ucher +##anciclovir +histograms +mdscs +hut +myopia +eighth +psm +centri +##ophiles +##akia +roof +aed +##oplasmin +ttf +boltzmann +rationally +substratum +directive +forkhead +deuterated +monoterp +maf +provocation +requis +dwi +groel +formations +deacetyl +cens +olt +underestimation +grf +oesophagus +nevi +inex +ht3 +asial +diary +##hv +tadpoles +interrelated +##rophied +ski +electrophilic +780 +transfused +appealing +##tinine +psychophys +hexose +regressed +gags +curricula +##armac +∼1 +editor +##ohepatitis +atc +macaca +##gun +##echst +restricts +nbd +dyslexia +dynorphin +permeabilization +ene +functionals +legitim +meant +aestiv +tod +##ociation +acridine +mail +photocurrent +pioglitazone +underwater +plastics +flavus +citrulline +oys +##iso +pmp +pj +stagn +quinolone +nanopl +ccsd +435 +containment +acini +discernible +detrusor +cecum +preconcentration +tentative +benefited +scleroderma +##04 +##inked +diapause +##entery +abt +arteriography +1968 +ias +grasses +isobutyl +supercapac +mhv +fps +metabolize +rounded +##tima +reverted +progest +aggrecan +##etracycline +##carbonyl +ests +fluoroscopy +attrition +ccaat +procoagulant +##ilyl +##etium +pparα +454 +bites +geological +attribution +##bur +autogenous +glycaemic +hamstr +photoinduced +congenic +eucal +convection +tyramine +hunger +292 +hoechst +singapore +legisl +amacrine +involution +aphids +serovars +unconventional +saponin +wl +##imod +macronutr +enumeration +reevalu +pleistocene +cetuximab +puff +brasiliensis +scopus +abused +alpha4 +polymyxin +herit +meningitidis +actinobacteria +burkitt +##idins +wrink +##hedra +biocontrol +participatory +ivs +duchenne +lights +args +innoc +ethanolamine +cook +pichia +##vasively +##q21 +odorant +teratogenic +##ptothecin +accompanies +font +youngest +comfortable +artemisinin +h2b +ochr +critic +mesencephalic +##lotinib +##porum +strontium +https +##ocap +erbeta +buoy +chromophores +exudates +epha +##istatin +smad4 +rooted +demethylase +derives +penis +transmittance +stereois +ys +##obiose +dul +##hemoglobin +nights +depolymerization +redes +##102 +misclass +conceiv +antiparallel +germplasm +uncoated +1100 +fragilis +hematology +efficacies +breeders +mek1 +moduli +gstm1 +##orhynchus +512 +lia +cdr +planted +binders +boars +delicate +3m +##ulinic +oysters +leprae +bait +dnmt1 +##endix +cardiometabolic +ribosylation +##seed +##lycaemic +disposable +##174 +legumes +photodegradation +lcr +yam +substruct +tams +sheds +polyke +recurring +dpc +conductances +slaughtered +##pheric +constitutional +l1210 +inevitably +hindrance +bacteroidetes +localizing +486 +lipolytic +eif4e +##interp +hotspot +##asties +mtp +aspirates +micronutrient +##planted +precipitating +##ophenone +dalton +daphnia +turkeys +trinit +##amy +infliximab +multiforme +subsystem +equilibria +##600e +clom +##ughters +youths +##tised +abut +erm +dominates +l9 +git +##asters +attracting +dav +##bp2 +adiabatic +cnvs +##g4 +il2 +soa +##architecture +gerbils +##ilation +alliance +##ollicular +mang +btv +hindbrain +tympanic +prein +rickettsia +astroglial +causally +passes +bootstrap +##acloprid +##uities +##3580 +oint +##uca +hyperemia +unbalanced +tunis +cytopathic +gleason +asl +caul +rhomb +pleasant +arena +sams +cabbage +fates +##zee +expired +gal4 +##answ +myasthenia +ontogenetic +porphy +##romat +resistivity +loneliness +wils +valgus +##ocalized +lrrk2 +cardiogenic +##5ac +scg +obstructed +sanger +inception +ghana +deacetylation +amphipathic +##lycemic +subregions +ganglionic +confronted +banks +loosely +pharmacist +allopurinol +strata +agm +prenatally +nucleocapsid +gct +gloss +steatohepatitis +v4 +zm +interim +dopac +myofibrillar +ero +volc +broaden +migrant +phosphorib +ndf +interstitium +naphthyl +##astatic +partitioned +tuberculin +##ulitis +emergencies +neuroticism +37°c +obstetrics +bisexual +otus +cameras +cooperatively +azido +lamivudine +photoble +proph +addictive +##utral +##ottic +paracellular +appendix +brev +precocious +##pert +obt +unansw +##hemis +##eeding +##ch2 +282 +##phosphorylation +##phorbol +dimeth +##oplasma +marsup +##iden +279 +##omerular +srf +1966 +culex +kainic +governmental +unstructured +interobserver +oblit +operons +mnc +dcf +##etrahydro +doublet +030 +basins +vitilig +flushing +##eutical +dihydropyridine +clamped +ccrcc +explosion +pigeon +evolves +##ogalact +hemi +minimizes +transducing +medulloblastoma +hypertriglyceridemia +disclose +aip +##x5 +##iflex +reintro +emboli +misfolding +##ococcosis +coimmunop +recalcitrant +##ocer +##oraph +uas +##luc +trivalent +##roscopies +kaempfer +toughness +dhe +squal +##guanine +microalbuminuria +gracil +laur +abts +conducive +##occlusion +digests +stools +hypothesised +pinus +chimpanzee +cog +equi +igf1 +##mentum +sine +bacteriophages +akt1 +distractors +lovastatin +jelly +adjustable +gastrulation +hilar +405 +##300 +crucially +neutrophilic +isomeric +pll +grise +serologically +garden +mere +625 +your +ethanolic +album +igg2 +prematur +b27 +dorsomedial +vocalizations +optogenetic +a2a +container +chimerism +hans +##trich +##otho +gravis +299 +disaccharide +molt +##amo +mmp9 +aerodynamic +##omycete +phosphatidic +mucositis +intermediary +lord +indolent +hyperglycaemia +b19 +0003 +icm +sfr +irrigated +dlpfc +happy +daughters +parasitoid +antitub +reptiles +caffeic +invariance +symbiont +##alp +##electrophoresis +##acillus +extractions +hybridomas +cannulated +##onii +unanswered +phl +phosphodiester +voiding +lda +##aptically +313 +##olinic +hydrolysates +5alpha +homogeneously +glomerulosclerosis +multiparous +##olimbic +onion +malnourished +##filin +##adhesive +lamell +headgroup +##adelta +ihd +044 +binomial +h3n2 +subdivision +premalignant +brun +sintering +altit +flush +jar +flax +sfa +corals +##analytical +mimicry +##afe +355 +corynebacterium +5mg +##asure +##bw +bounded +pupal +complicating +investigational +##osporium +overcomes +fpr +chylomic +seab +e2f1 +q10 +jobs +doca +neurosurgery +locoreg +scorp +specifications +hg2 +microcirc +subsid +lots +oscillating +pia +##reduc +octanol +##atrial +polyneuropathy +bacteriocin +diodes +accre +nph +##ager +vaginalis +prematurely +rows +evade +mvd +lenti +clothing +ogtt +cray +microsurgical +hyperpolarizing +thermotoler +isoflavones +pxr +pupae +endosome +pgl +uw +dr4 +fatalities +##olates +transesophageal +ccr2 +derep +vp2 +abortus +041 +ceo2 +kbp +acidified +malic +##atching +pyraz +##odiagn +sgs +##uronate +eicosapentaenoic +hmp +##osynthesis +cona +squat +vntr +haptoglobin +adhering +##years +limon +hbx +parahaem +homic +decolor +049 +pentyl +unspecific +hsp60 +cytokinin +mips +arabia +nonb +neighborhoods +##emes +peaking +cun +chk1 +##ymmetric +edx +excipients +##aspinal +condylar +assure +synaps +anthracis +fbp +flare +peroneal +meps +newton +pyloric +vanill +sandy +regularity +belgium +mobilities +boutons +##emann +prm +diterp +gonadotropins +rotary +tep +freundlich +tartrate +##orbable +quiescence +##inqu +camb +dislocations +dipalmit +masticatory +##mw +##ogly +awakening +unintended +uncoupled +epoch +economics +peninsula +reviewers +stretches +disagreement +officers +##uti +erlotinib +sublingual +inconsistencies +lend +computers +bmp2 +biosensing +scapular +cements +##b5 +displace +318 +beng +antip +mpm +##idated +##rosthetic +avascular +circumflex +motives +##arus +cuticular +hemorrhages +srm +tbt +##onolactone +lir +inaccessible +flesh +lignocellul +vitiligo +338 +bronchiolitis +conical +monophasic +disulphide +β3 +arthroscopy +##opharmaceutical +fruiting +eac +empowerment +hlh +##aneurys +demarc +syndecan +laden +##uffs +paris +pbm +aflp +articulation +##efin +eri +haptic +ild +organisations +chondros +caninum +12th +perif +##508 +ionotropic +ameliorates +prd +##olitica +urod +waf1 +##tm +vaccinations +stripe +aob +drip +tramadol +amitr +intracoronary +noninvasively +syntactic +##idinyl +fibromyalgia +##earo +ura +##gow +##furan +##famide +painting +h2ax +rigorously +unitary +meningeal +dehydrated +forget +msw +fumon +karyotypes +grasping +isokinetic +sympos +blade +324 +downregulating +##aviruses +hescs +##ospheric +##tyrosine +transferases +overp +cd30 +plast +ssi +nfkappab +magic +##pore +##ungin +##ochord +gp41 +tetramers +suprachiasmatic +assisting +seals +vfa +monoton +398 +bisulf +enveloped +coerc +mediastinum +raav +inserting +disciplinary +paulo +intravitreal +cyp2c19 +tactic +competed +ano +interdepend +fcγ +##burgh +##h5 +ingrowth +eimer +mons +##ap2 +founded +##ims +exercising +##hydroph +immigration +saus +draws +fxr +endotherm +donating +diaphor +fyn +hyperb +##eni +cemented +noun +##ulis +decarboxylation +tmem +scalar +##p21 +cinerea +##istronic +323 +carboxypeptidase +r6 +##ocine +nucleob +ketanserin +dictated +thrombosp +androgenic +femin +unaw +diving +297 +impurity +download +incidentally +aplastic +methylmercury +abcb1 +##ochond +susceptibilities +sphen +##onit +ate +ozonation +myeloproliferative +fmn +palpation +diox +hypercal +ccm +parahaemolyticus +milligr +spouses +aib +concussion +crayfish +enterocolitica +subsam +postc +proficient +##idyl +##ecretion +289 +exploits +sensitize +contacting +crossbred +inhabiting +dimethylamino +##otetr +ghr +tts +##xx +slug +mesoc +hymen +hypokal +nonuniform +prej +ligases +hypogonadism +solit +pursue +actomyosin +biodegradability +mountains +afterload +fe2o3 +ctab +1965 +isocitrate +organochlorine +radiois +dbc +cardinal +nuc +##ozoon +employee +fellows +##uda +##cl1 +##arginine +featured +crom +photodet +kaolin +287 +ida +cdse +nepal +chemosensitivity +glasgow +gdh +succinyl +alien +reefs +scab +bibli +transcriptomes +8s +plague +425 +cheek +portugal +pipette +erk2 +resumption +imprec +25°c +extracellularly +trichoderma +erβ +glue +fuk +apoprotein +ginger +cronbach +ht29 +apnoea +##aceus +glycyrrh +recognizable +reproducibly +conformer +xiap +##roll +receipt +nonadh +neat +284 +reappear +confidential +##hemispheric +##fected +##cinated +##eptidyl +aboriginal +asct +smi +##eptors +309 +norovirus +cycload +tempo +##g3 +empiric +blended +telangiectasia +ante +cotinine +frap +characteristically +ampar +cortico +ols +306 +withdrawing +pum +spondylitis +factory +ehrlich +p8 +indwelling +a5 +reproducing +cohen +acetyls +##ocarp +α7 +melanocytic +hexyl +##otidyl +unipolar +endotoxemia +eub +r5 +##umarin +##hibitory +dahl +chinensis +dialogue +theranostic +##k9 +##urfact +jag +microdomains +endopeptidase +y1 +historic +##±4 +itd +researched +##elli +wilms +##ubular +##ucida +syntaxin +##antel +##endin +pathologist +beside +##pox +happens +sids +physiol +cloth +periosteal +gymn +ail +intracardiac +osteocytes +cd27 +worry +boc +cerul +glun +optimisation +triangle +fgfr1 +unequivocal +##qc +alike +technetium +worsen +digitor +sectioning +microangi +##icularis +reactant +illegal +smn +gabab +runx1 +innervating +disproportionate +harr +calculi +uganda +##enesulf +js +lighter +##endor +zen +1400 +281 +aren +111in +tmax +##aten +nesting +##hock +fibrosarcoma +wilson +tay +pneumocystis +##andamide +mnp +completeness +premise +euthanasia +ptfe +##oluminescent +fascinating +294 +tethering +##ohum +lobule +strictures +successes +dream +spend +vla +apn +490 +zebra +serpin +lyso +zp +crabs +##ozol +diffusing +hypocalc +csr +segregating +invad +dominating +schoolchildren +immunotherapies +facilitators +retrieve +rehydration +relieving +regularization +septicemia +reactivated +heterozygote +##ochondrial +coxs +neuropathies +##aling +##7t +trepon +satisfying +tiny +cocon +scratch +rectifying +maternity +myelosupp +videotap +##ercise +##opoly +deformability +##osulfan +hispanics +clut +326 +polyprotein +unreported +nectar +repeatable +##exins +mwcnt +guanylyl +enigm +coloration +pani +ecr +aberrantly +preload +aβ42 +ferulic +rhizobium +##acetam +plexiform +endorsed +##aparin +pharmacogenetic +34a +meoh +##omethylation +##oflag +decays +valent +rhu +clarifying +iodinated +sympatric +nefa +okadaic +##iculata +saxs +tdi +##igma +flagellum +vitrification +##acing +sensitis +radiologist +uteri +occludin +photobleaching +anticholinergic +transpiration +2x +nursery +iec +superhydroph +##etence +##vie +lee +epib +##educ +bire +itc +defens +mlst +patella +##115 +##ergence +confounded +##ellation +myogenesis +transistors +plag +nisin +##rogesterone +btb +pcv2 +dst +hesc +miniaturized +digitorum +reject +valproic +immunisation +##umer +endop +mucins +tectum +##romal +antith +biot +liberation +opposition +colombia +oac +##trone +escap +amitriptyline +spic +alpha3 +cyp4 +ung +cdk1 +proximate +disappointing +phd +verr +roch +predominate +elicitation +trimeric +outperform +dressings +stearo +strawberry +cohesive +psychoactive +anthrax +xe +fisheries +phyloge +handedness +nipple +shc +superconducting +##tidal +nucleoprotein +banana +19th +accreditation +aoa +##ething +506 +pgd +electroencephalographic +cannulation +##phia +contrad +unmask +c17 +##za +igt +328 +wheelchair +pyrrole +530 +anesthesi +cucurb +kaempferol +gyps +inad +twisted +pdna +rid +##ictal +rsm +##lycan +chc +repressing +d6 +charging +##uer +##haus +407 +≥1 +##oguanidine +kor +collar +ibr +zirconia +##pectral +##iont +##apical +##osynaptic +something +pparalpha +p85 +concave +ucb +cassava +##rophins +predatory +##1b1 +##gfr +arthrodesis +apheresis +##uanine +terminating +aldolase +n4 +towns +lactams +pentose +dun +##urfac +thrombospondin +##v6 +##hiz +pharynx +dosimetric +lutea +ftsz +cockro +endodontic +pon1 +endarterectomy +##reach +hydroxyt +nutraceu +shrub +ftd +tetradecanoylphorbol +##4r +commod +fiv +##osuccin +acm +repairs +hopping +footprinting +ppo +commenced +compartmentalization +excitotoxic +claw +craniotomy +nta +cofilin +mia +nhej +scotland +malabsorption +financing +repositioning +hyperactive +irritable +apigenin +##uchi +tenth +##iones +cmh2o +surroundings +##rons +louis +tetrachloride +prosocial +omission +nav1 +toxoid +vertex +bigger +gac +##iances +##ogels +##achus +mutagens +basidi +purchase +gallstones +elf +##uese +336 +pgf1 +homozygosity +spacers +micronutrients +##oreactivity +##ups +urological +quas +23s +reconsider +domestication +tangential +mdi +##bis +resil +extruded +piperacillin +abusers +apposition +katp +##entate +affiliation +##urban +mbq +##oxifene +interconversion +horizontally +nyha +ppis +portuguese +##utum +polio +vitronectin +borate +gabap +succ +macrocyclic +##accessibility +##olam +##avicular +herbivory +nonequilibrium +##obiological +cyber +343 +multisensory +##orna +secondarily +keratitis +vegfr2 +diamine +copep +mangrove +deprotonation +mercaptoethanol +hbo +##zel +apis +mould +telev +shanghai +nord +atf +##ems +t8 +policym +pediatrics +glac +mno2 +stabilizer +##bian +sco +640 +dpd +emotionally +ankyrin +eucalypt +autotrans +pretest +violations +##cytosine +downregulate +##electrochemical +foals +660 +pedigrees +locoregional +mgcl2 +decellular +theor +nonex +peroxides +upregulates +epimer +jer +enterovirus +underpinnings +semip +tracheostomy +pht +coagulopathy +##tructurally +nj +nucleotidase +nonresponders +eggsh +##idea +tubers +etec +phosphoc +misdiagnosed +asking +sunitinib +##aminated +tubing +cb2 +oncologists +baf +granzyme +630 +transduce +soldiers +##atoxins +proinsulin +envision +withh +expiration +##indolol +hant +withstand +methylphenidate +##alone +##amivir +mea +crm +intrarenal +homin +##anesulfonate +pfu +##hippocampal +aside +at2 +##osol +perir +nio +##ptics +photocatalyst +tannins +halogenated +##ariasis +postcon +##scre +nqo1 +314 +kyph +##onally +weakening +replicon +pco +occupations +orbitofrontal +720 +resilient +##idov +##issimus +solani +##ozolomide +##ocystein +indians +cyanobacterium +##entious +arrhenius +tdr +serratia +brd +cma +sult +307 +cfr +ek +flying +##aken +flud +outreach +##gfp +hydrological +##ipy +##estradiol +hyperthyroid +h9c2 +##ofruct +##roids +317 +shs +##azin +##urbs +mycelia +##idino +##ilol +akr +timescales +caj +naturalistic +coreg +gabapentin +##fine +multiplic +137cs +glute +gasoline +rocks +pwv +##hz +##kins +##brid +##ophase +paraoxon +exfoli +brownian +##rolithiasis +quinoline +##amethonium +##inear +transluminal +##bands +directors +μs +##rv +hash +342 +##enil +menarche +leukopenia +##mitotic +kilodal +cotyledons +ganciclovir +multit +midpoint +choc +##uoden +converging +mevalonate +microemulsion +trimers +##actively +contaminating +mulv +##omalacia +halves +liquor +##fat +requests +phytohorm +fcc +propolis +##imazole +recoll +recurs +propeptide +##ralazine +dealt +pann +yac +##1111 +destabilizing +citalopram +obvi +cystitis +osseoin +retrogradely +rela +megal +knocked +widening +definitively +spiny +##renyl +chromogranin +oncologic +dinoflag +checking +hyperpolarized +invasively +hyperventilation +lateralized +alleviation +degradable +hyperlipid +dominantly +##fertil +sess +macroscopically +visualizing +resonator +britain +##119 +postischemic +beagle +paraf +phytochrome +a20 +trogl +angu +contingency +organophosphate +##121 +heterotrimeric +numb +chlorella +acf +prf +hsl +##birds +autofluorescence +mva +intercostal +sak +cxcl10 +dolich +gpp +##lysine +suprav +remissions +benefici +repairing +mtbi +mumps +maxillofacial +u4 +barbit +fan +x2 +##hand +distally +paroxetine +thermostable +##tiae +mink +osteoarth +deoxyribonucleic +updates +microbubbles +pdr +tropicalis +##uster +hba +5b +##verbal +tricarboxylic +##iser +dmpc +actinin +systole +nonn +lil +desipramine +sws +rainy +enigmatic +sight +opsin +defend +tropic +osteolysis +accult +separable +##arms +metabolome +##weigh +settling +congener +hatched +2g +##ige +sales +ddd +##namic +##zolid +##ropion +adma +seman +rnf +metic +cao +hdv +cephalosporin +suramin +deoxycytidine +touc +r0 +seam +shiga +reinhard +acta +flum +flaw +c20 +##olu +lds +##bridge +denuded +gastrop +##craft +##dles +##ibrotic +engulf +sgr +coinfection +cetp +ectodomain +yc +##ipient +##onics +ecf +accelerator +##oxym +vitality +lysyl +quinolones +##rozole +specifying +chronotropic +532 +pyy +sealing +shotgun +brevis +extravascular +##piride +liberated +hyperuric +##azide +##vt +psychologists +tanzania +smp +purifying +mpeg +dtc +##liptin +parvovirus +circumscribed +##jo +coreceptor +ghb +bronchus +birefring +##front +##ener +cav1 +discol +microscale +bord +fibroblastic +squid +utmost +anthelmintic +resor +##111 +##atent +##idental +amides +disappears +scaph +hyperprolactin +openings +jers +##ilution +incurred +variably +lipo +millimolar +exported +anecd +p73 +fabricating +amendments +corner +drilling +##igmentation +##urement +meniscal +robots +postnatally +confluence +##oolig +appearances +322 +hexachlor +##rolein +lubric +aaf +daid +##onicotin +timescale +##pyrrol +##atran +adulter +shelter +##ocentesis +malonyl +mucos +##aled +psma +condoms +decoy +instituted +unav +illuminate +envis +##oidin +retinitis +bdi +rana +orchid +wheezing +eimeria +##epar +culm +lj +scp +##ny +temozolomide +dysbiosis +mmtv +##etism +shoulders +adher +conserving +ultrastructurally +bottles +ecotoxic +cme +dmh +igg3 +stereotyped +philadel +septa +pdx +nitrates +sprayed +pws +373 +caga +imidacloprid +ews +u0 +##ongyl +##urones +ccp +swell +degenerating +##establish +aliquots +cocultured +punctate +##entine +osas +electrokinetic +osteonecrosis +overestimation +nitrophenol +declared +4n +##orea +diversified +zidov +solan +religion +crl +##anthrene +17p +chromatograph +pfa +palindromic +dds +chx +disasters +nka +administrators +hippo +omitted +##aming +agglomer +mesophyll +rdr +elis +cfp +irid +dorso +dioxins +leukotrienes +ferroelectric +earthquake +refeeding +competitors +bisphosphonate +##opper +##alloc +cartridge +510 +##07 +accelerometer +##imethylammonium +alveoli +##scs +##enesis +generalize +4°c +chloral +zidovudine +requisite +voric +glycosphing +##139 +insecticidal +metalloprotease +regained +masks +disorganization +culmin +subchondral +##igs +cocr +bmp4 +mena +enantioselective +thrombocytopenic +vec +osteopenia +immunoblots +hcp +coalescence +##ymia +triclosan +fertilizers +ffm +exquis +chromogenic +unconjugated +ruminant +##osaccharomyces +aminobenz +rectifier +##bpa +cantile +malle +glycosidic +texts +ehec +microt +philadelphia +nitroc +bioequ +hai +nr2b +##osteron +stenotic +topologies +##tage +voriconazole +##road +mega +excitable +mls +fluorescens +##lytic +ata +advisory +##order +infarctions +deceleration +drained +##rops +exterior +enteritis +isr +reproduces +camptothecin +auc0 +mefs +agt +napus +##ophilum +p22 +##efaciens +rumination +anandamide +##agrass +preadipocytes +flexural +tcd +dcd +##p1b +reassort +##arious +sialyl +##am1 +##oparietal +capacitation +y2 +adenoviruses +overlay +flocculation +nonstruct +childbearing +maneuvers +formulae +amylose +##ometallic +cater +##abp +childbirth +heard +filtrate +monoun +immunogen +parasitized +undertake +##lec +##ovani +##ofovir +##oglycerate +##gry +coxsack +reluct +##cho +clots +tibetan +electrochemically +coliforms +ethiopia +diaphorase +wis +demented +generators +bgl +##001 +hemif +cauda +duk +holter +carbamate +reporters +ercp +puerto +babesia +subchronic +mall +methyltransferases +ltc +dorsi +multich +reconstructing +supplementing +##osamin +fissure +biobank +1m +##ocentric +predi +cytochemical +malarial +##ertz +cvc +clearances +methanogenic +installation +misinterp +11beta +descend +oceanic +##strom +cosmetics +laterality +rhabdomyosarcoma +##adenine +ginsenoside +beach +##obese +homologies +ergonomic +prene +mesodermal +bisulfite +avm +edited +sero +millil +homogenized +expressive +granulocytic +lifestyles +feedstock +scintillation +zucker +lithotr +lns +chondrogenesis +gustatory +mildew +ribonucleic +reinhardtii +metach +chlorination +deplete +tq +##iced +stan +linezolid +cfd +g6p +##case +preg +federation +##uating +##hf +lz +##xe +isg +teq +tfa +separates +speaker +sirolimus +streptokinase +neurofibromatosis +c3n4 +gz +tertile +##egm +ltc4 +disadvantaged +incurable +spectroscopies +neutropenic +dentist +spiders +##431 +##peak +symposium +acv +hemolysin +ssd +gliosis +##azolamide +pvl +geranyl +myofibrils +metazoan +extracranial +acromegaly +##ainide +diptera +##erries +##ilinear +cataracts +##ocarbon +disent +autocl +hepatopancre +myelopathy +inkt +fluoroquinolone +aha +menth +anatase +thermophilus +vacancy +lycopers +hcb +##ophthora +sampler +cpf +cnc +theil +pulmon +##otrophoblast +aestivum +aiv +##iculi +inertia +riv +monogenic +mrm +picryl +budes +redistrib +##uscin +donovani +neuroplastic +20s +japonicus +parasitemia +salam +programmable diff --git a/README.md b/README.md index 7571ee70..57c1dde3 100644 --- a/README.md +++ b/README.md @@ -17,8 +17,6 @@ At this point, we will refer to a benchmark by it's problem area and benchmark n Over time, we will be adding implementations that make use of different tensor frameworks. The primary (baseline) benchmarks are implemented using keras, and are named with '_baseline' in the name, for example p3b1_baseline_keras2.py. -Implementations that use alternative tensor frameworks, such as mxnet or neon, will have the name of the framework in the name. Examples can be seen in the P1B3 benchmark contribs/ directory, for example: - p1b3_mxnet.py - p1b3_neon.py +Implementations that use alternative tensor frameworks, such as pytorch, will have the name of the framework in the name. Examples can be seen in the Pilot1 benchmark UnoMT directory, for example: `unoMT_baseline_pytorch.py` -Documentation: https://ecp-candle.github.io/Candle/html/readme.html +Documentation: https://ecp-candle.github.io/Candle/ diff --git a/common/P1_utils.py b/common/P1_utils.py index 5cc38543..54319ddc 100644 --- a/common/P1_utils.py +++ b/common/P1_utils.py @@ -402,19 +402,19 @@ def design_mat(mod, numerical_covariates, batch_levels): mod = mod.drop(["batch"], axis=1) numerical_covariates = list(numerical_covariates) - sys.stderr.write("found %i batches\n" % design.shape[1]) + sys.stdout.write("found %i batches\n" % design.shape[1]) other_cols = [c for i, c in enumerate(mod.columns) if i not in numerical_covariates] factor_matrix = mod[other_cols] design = pd.concat((design, factor_matrix), axis=1) if numerical_covariates is not None: - sys.stderr.write("found %i numerical covariates...\n" % len(numerical_covariates)) + sys.stdout.write("found %i numerical covariates...\n" % len(numerical_covariates)) for i, nC in enumerate(numerical_covariates): cname = mod.columns[nC] - sys.stderr.write("\t{0}\n".format(cname)) + sys.stdout.write("\t{0}\n".format(cname)) design[cname] = mod[mod.columns[nC]] - sys.stderr.write("found %i categorical variables:" % len(other_cols)) - sys.stderr.write("\t" + ", ".join(other_cols) + '\n') + sys.stdout.write("found %i categorical variables:" % len(other_cols)) + sys.stdout.write("\t" + ", ".join(other_cols) + '\n') return design @@ -508,7 +508,7 @@ def combat_batch_effect_removal(data, batch_labels, model=None, numerical_covari design = design_mat(model, numerical_covariates, batch_levels) - sys.stderr.write("Standardizing Data across genes.\n") + sys.stdout.write("Standardizing Data across genes.\n") B_hat = np.dot(np.dot(la.inv(np.dot(design.T, design)), design.T), data.T) grand_mean = np.dot((n_batches / n_array).T, B_hat[:n_batch, :]) var_pooled = np.dot(((data - np.dot(design, B_hat).T) ** 2), np.ones((int(n_array), 1)) / int(n_array)) @@ -520,7 +520,7 @@ def combat_batch_effect_removal(data, batch_labels, model=None, numerical_covari s_data = ((data - stand_mean) / np.dot(np.sqrt(var_pooled), np.ones((1, int(n_array))))) - sys.stderr.write("Fitting L/S model and finding priors\n") + sys.stdout.write("Fitting L/S model and finding priors\n") batch_design = design[design.columns[:n_batch]] gamma_hat = np.dot(np.dot(la.inv(np.dot(batch_design.T, batch_design)), batch_design.T), s_data.T) @@ -535,7 +535,7 @@ def combat_batch_effect_removal(data, batch_labels, model=None, numerical_covari a_prior = list(map(aprior, delta_hat)) b_prior = list(map(bprior, delta_hat)) - sys.stderr.write("Finding parametric adjustments\n") + sys.stdout.write("Finding parametric adjustments\n") gamma_star, delta_star = [], [] for i, batch_idxs in enumerate(batch_info): temp = it_sol(s_data[batch_idxs], gamma_hat[i], diff --git a/common/benchmark_def.py b/common/benchmark_def.py index 1a6d6f48..98c021f2 100644 --- a/common/benchmark_def.py +++ b/common/benchmark_def.py @@ -150,7 +150,7 @@ def read_config_file(self, file): fileParams = self.format_benchmark_config_arguments(fileParams) - print(fileParams) + # print(fileParams) return fileParams diff --git a/common/candle/__init__.py b/common/candle/__init__.py index 998cf920..b9ea19c6 100644 --- a/common/candle/__init__.py +++ b/common/candle/__init__.py @@ -71,6 +71,10 @@ from noise_utils import label_flip from noise_utils import label_flip_correlated from noise_utils import add_gaussian_noise +from noise_utils import add_column_noise +from noise_utils import add_cluster_noise +from noise_utils import add_noise + # P1-specific from P1_utils import coxen_single_drug_gene_selection from P1_utils import coxen_multi_drug_gene_selection diff --git a/common/ckpt_keras_utils.py b/common/ckpt_keras_utils.py index fae26b25..cf626f78 100644 --- a/common/ckpt_keras_utils.py +++ b/common/ckpt_keras_utils.py @@ -172,6 +172,10 @@ def __init__(self, gParameters, logger="DEFAULT", verbose=True): def report_initial(self): """ Simply report that we are ready to run """ self.info("Callback initialized.") + if self.save_interval == 0: + self.info("Checkpoint save interval == 0 " + + "-> checkpoints are disabled.") + return # Skip the rest of this output if self.metadata is not None: self.info("metadata='%s'" % self.metadata) if self.save_best: @@ -261,6 +265,8 @@ def save_check(self, logs, epoch): model metrics in given logs Also updates epoch_best if appropriate """ + if self.save_interval == 0: + return False # Checkpoints are disabled. # skip early epochs to improve speed if epoch < self.skip_epochs: self.debug("model saving disabled until epoch %d" % @@ -274,7 +280,7 @@ def save_check(self, logs, epoch): if epoch == self.epoch_max: self.info("writing final epoch %i ..." % epoch) return True # Final epoch - save! - if self.save_interval != 0 and epoch % self.save_interval == 0: + if epoch % self.save_interval == 0: return True # We are on the save_interval: save! # else- not saving: self.debug("not writing this epoch.") @@ -393,31 +399,30 @@ def clean(self, epoch_now): kept = 0 # Consider most recent epochs first: for epoch in reversed(self.epochs): - self.debug('checking %s' % epoch) + self.debug('clean(): checking epoch directory: %i' % epoch) if not self.keep(epoch, epoch_now, kept): deleted += 1 self.delete(epoch) - self.debug('deleted') + self.debug('clean(): deleted epoch: %i' % epoch) else: kept += 1 - self.debug('kept %s' % kept) return (kept, deleted) def keep(self, epoch, epoch_now, kept): """ kept: Number of epochs already kept - return True if we are keeping this epoch + return True if we are keeping this epoch, else False """ if epoch == epoch_now: # We just wrote this! - self.debug('latest') + self.debug('keep(): epoch is latest: %i' % epoch) return True if self.epoch_best == epoch: # This is the best epoch - self.debug('best') + self.debug('keep(): epoch is best: %i' % epoch) return True if kept < self.keep_limit: - self.debug('< limit %s' % self.keep_limit) + self.debug('keep(): epoch count is < limit %i' % self.keep_limit) return True # No reason to keep this: delete it: return False @@ -486,12 +491,12 @@ def restart(gParameters, model, verbose=True): model_file = dir_last + "/model.h5" if not os.path.exists(model_file): if param_ckpt_mode == "required": - raise Exception("ckpt_mode=='required' but no checkpoint" + raise Exception("ckpt_restart_mode=='required' but no checkpoint " + "could be found!") # We must be under AUTO - proceed without restart assert param_ckpt_mode == "auto" return None - logger.info("restarting: %s", model_file) + logger.info("restarting: '%s'" % model_file) result = restart_json(gParameters, logger, dir_last) logger.info("restarting: epoch=%i timestamp=%s", result["epoch"], result["timestamp"]) @@ -502,7 +507,7 @@ def restart(gParameters, model, verbose=True): stop = time.time() duration = stop - start rate = MB / duration - logger.info("model read: %0.3f MB in %0.3f seconds (%0.2f MB/s).", + logger.info("restarting: model read: %0.3f MB in %0.3f seconds (%0.2f MB/s).", MB, duration, rate) return result @@ -520,6 +525,7 @@ def restart_json(gParameters, logger, directory): # print(str(J)) logger.debug("ckpt-info.json contains:") logger.debug(json.dumps(J, indent=2)) + logger.info("restarting from epoch: %i" % J["epoch"]) if param(gParameters, "ckpt_checksum", False, ParamType.BOOLEAN): checksum = checksum_file(logger, directory + "/model.h5") if checksum != J["checksum"]: @@ -589,8 +595,8 @@ def param_type_check(key, value, type_): if type_ is ParamType.FLOAT or \ type_ is ParamType.FLOAT_NN: return param_type_check_float(key, value, type_) - raise ValueError("param_type_check(): unknown type: '%s'" % - str(type_)) + raise TypeError("param_type_check(): unknown type: '%s'" % + str(type_)) def param_type_check_bool(key, value): @@ -707,12 +713,13 @@ def ckpt_parser(parser): help="Toggle saving only weights (not optimizer) (NYI)") parser.add_argument("--ckpt_save_interval", type=int, default=1, - help="Interval to save checkpoints") + help="Epoch interval to save checkpoints. " + + "Set to 0 to disable writing checkpoints") # keeping parser.add_argument("--ckpt_keep_mode", choices=['linear', 'exponential'], help="Checkpoint saving mode. " - + "choices are 'linear' or 'exponential' ") + + "Choices are 'linear' or 'exponential' ") parser.add_argument("--ckpt_keep_limit", type=int, default=1000000, help="Limit checkpoints to keep") diff --git a/common/clr_keras_utils.py b/common/clr_keras_utils.py index 5ed880ff..b6ef113e 100644 --- a/common/clr_keras_utils.py +++ b/common/clr_keras_utils.py @@ -50,7 +50,9 @@ class CyclicLR(Callback): """This callback implements a cyclical learning rate policy (CLR). The method cycles the learning rate between two boundaries with some constant frequency. - # Arguments + + Parameters + ---------- base_lr: initial learning rate which is the lower boundary in the cycle. max_lr: upper boundary in the cycle. Functionally, diff --git a/common/data_utils.py b/common/data_utils.py index b30966a2..7fec06dd 100644 --- a/common/data_utils.py +++ b/common/data_utils.py @@ -21,14 +21,19 @@ # TAKEN from tensorflow def to_categorical(y, num_classes=None): """Converts a class vector (integers) to binary class matrix. - E.g. for use with categorical_crossentropy. - Arguments: - y: class vector to be converted into a matrix + E.g. for use with categorical_crossentropy. + Parameters + ---------- + y: numpy array + class vector to be converted into a matrix (integers from 0 to num_classes). - num_classes: total number of classes. - Returns: - A binary matrix representation of the input. The classes axis is placed - last. + num_classes: int + total number of classes. + Returns + ------- + categorical: numpy array + A binary matrix representation of the input. The classes axis is placed + last. """ y = np.array(y, dtype='int') input_shape = y.shape diff --git a/common/default_utils.py b/common/default_utils.py index 8b183c3c..b0403f3e 100644 --- a/common/default_utils.py +++ b/common/default_utils.py @@ -301,6 +301,7 @@ def get_default_neon_parser(parser): parser.add_argument("--model_name", dest='model_name', type=str, default=argparse.SUPPRESS, help="specify model name to use when building filenames for saving") + parser.add_argument("-d", "--data_type", dest='data_type', default=argparse.SUPPRESS, choices=['f16', 'f32', 'f64'], @@ -321,9 +322,11 @@ def get_default_neon_parser(parser): parser.add_argument("-r", "--rng_seed", dest='rng_seed', type=int, default=argparse.SUPPRESS, help="random number generator seed") + parser.add_argument("-e", "--epochs", type=int, default=argparse.SUPPRESS, help="number of training epochs") + parser.add_argument("-z", "--batch_size", type=int, default=argparse.SUPPRESS, help="batch size") @@ -348,6 +351,7 @@ def get_common_parser(parser): parser.add_argument("--train_bool", dest='train_bool', type=str2bool, default=True, help="train model") + parser.add_argument("--eval_bool", dest='eval_bool', type=str2bool, default=argparse.SUPPRESS, help="evaluate model (use it for inference)") @@ -365,6 +369,10 @@ def get_common_parser(parser): default=argparse.SUPPRESS, help="training data filename") + parser.add_argument("--val_data", action="store", + default=argparse.SUPPRESS, + help="validation data filename") + parser.add_argument("--test_data", action="store", default=argparse.SUPPRESS, help="testing data filename") diff --git a/common/helper_utils.py b/common/helper_utils.py index e3f3534b..bd8f3b9b 100644 --- a/common/helper_utils.py +++ b/common/helper_utils.py @@ -86,7 +86,7 @@ def set_up_logger(logfile, logger, verbose=False, fh.setFormatter(logging.Formatter(fmt_line, datefmt=fmt_date)) fh.setLevel(logging.DEBUG) - sh = logging.StreamHandler() + sh = logging.StreamHandler(sys.stdout) sh.setFormatter(logging.Formatter('')) sh.setLevel(logging.DEBUG if verbose else logging.INFO) diff --git a/common/keras_utils.py b/common/keras_utils.py index 79a91835..fb251882 100644 --- a/common/keras_utils.py +++ b/common/keras_utils.py @@ -64,14 +64,14 @@ def get_function(name): return mapped -def build_optimizer(type, lr, kerasDefaults): +def build_optimizer(optimizer, lr, kerasDefaults): """ Set the optimizer to the appropriate Keras optimizer function based on the input string and learning rate. Other required values are set to the Keras default values Parameters ---------- - type : string + optimizer : string String to choose the optimizer Options recognized: 'sgd', 'rmsprop', 'adagrad', adadelta', 'adam' @@ -88,35 +88,35 @@ def build_optimizer(type, lr, kerasDefaults): The appropriate Keras optimizer function """ - if type == 'sgd': + if optimizer == 'sgd': return optimizers.SGD(lr=lr, decay=kerasDefaults['decay_lr'], momentum=kerasDefaults['momentum_sgd'], nesterov=kerasDefaults['nesterov_sgd']) # , # clipnorm=kerasDefaults['clipnorm'], # clipvalue=kerasDefaults['clipvalue']) - elif type == 'rmsprop': + elif optimizer == 'rmsprop': return optimizers.RMSprop(lr=lr, rho=kerasDefaults['rho'], epsilon=kerasDefaults['epsilon'], decay=kerasDefaults['decay_lr']) # , # clipnorm=kerasDefaults['clipnorm'], # clipvalue=kerasDefaults['clipvalue']) - elif type == 'adagrad': + elif optimizer == 'adagrad': return optimizers.Adagrad(lr=lr, epsilon=kerasDefaults['epsilon'], decay=kerasDefaults['decay_lr']) # , # clipnorm=kerasDefaults['clipnorm'], # clipvalue=kerasDefaults['clipvalue']) - elif type == 'adadelta': + elif optimizer == 'adadelta': return optimizers.Adadelta(lr=lr, rho=kerasDefaults['rho'], epsilon=kerasDefaults['epsilon'], decay=kerasDefaults['decay_lr']) # , # clipnorm=kerasDefaults['clipnorm'], # clipvalue=kerasDefaults['clipvalue']) - elif type == 'adam': + elif optimizer == 'adam': return optimizers.Adam(lr=lr, beta_1=kerasDefaults['beta_1'], beta_2=kerasDefaults['beta_2'], epsilon=kerasDefaults['epsilon'], @@ -125,27 +125,27 @@ def build_optimizer(type, lr, kerasDefaults): # clipvalue=kerasDefaults['clipvalue']) # Not generally available -# elif type == 'adamax': +# elif optimizer == 'adamax': # return optimizers.Adamax(lr=lr, beta_1=kerasDefaults['beta_1'], # beta_2=kerasDefaults['beta_2'], # epsilon=kerasDefaults['epsilon'], # decay=kerasDefaults['decay_lr']) -# elif type == 'nadam': +# elif optimizer == 'nadam': # return optimizers.Nadam(lr=lr, beta_1=kerasDefaults['beta_1'], # beta_2=kerasDefaults['beta_2'], # epsilon=kerasDefaults['epsilon'], # schedule_decay=kerasDefaults['decay_schedule_lr']) -def build_initializer(type, kerasDefaults, seed=None, constant=0.): +def build_initializer(initializer, kerasDefaults, seed=None, constant=0.): """ Set the initializer to the appropriate Keras initializer function based on the input string and learning rate. Other required values are set to the Keras default values Parameters ---------- - type : string + initializer : string String to choose the initializer Options recognized: 'constant', 'uniform', 'normal', @@ -167,30 +167,30 @@ def build_initializer(type, kerasDefaults, seed=None, constant=0.): The appropriate Keras initializer function """ - if type == 'constant': + if initializer == 'constant': return initializers.Constant(value=constant) - elif type == 'uniform': + elif initializer == 'uniform': return initializers.RandomUniform(minval=kerasDefaults['minval_uniform'], maxval=kerasDefaults['maxval_uniform'], seed=seed) - elif type == 'normal': + elif initializer == 'normal': return initializers.RandomNormal(mean=kerasDefaults['mean_normal'], stddev=kerasDefaults['stddev_normal'], seed=seed) - elif type == 'glorot_normal': + elif initializer == 'glorot_normal': # aka Xavier normal initializer. keras default return initializers.glorot_normal(seed=seed) - elif type == 'glorot_uniform': + elif initializer == 'glorot_uniform': return initializers.glorot_uniform(seed=seed) - elif type == 'lecun_uniform': + elif initializer == 'lecun_uniform': return initializers.lecun_uniform(seed=seed) - elif type == 'he_normal': + elif initializer == 'he_normal': return initializers.he_normal(seed=seed) diff --git a/common/noise_utils.py b/common/noise_utils.py index f3689e87..4469a5d4 100644 --- a/common/noise_utils.py +++ b/common/noise_utils.py @@ -2,6 +2,74 @@ import numpy as np +def add_noise_new(data, labels, params): + # new refactoring of the noise injection methods + # noise_mode sets the pattern of the noise injection + # cluster: apply to the samples and features defined by noise_samples and noise_features + # conditional : apply to features conditional on a threshold + # + # noise_type sets the form of the noise + # gaussian: Gaussian feature noise with noise_scale as std_dev + # uniform: Uniformly distributed noise on the interval [-noise_scale, noise_scale] + # label: Flip labels + if params['noise_injection']: + if params['label_noise']: + # check if we want noise correlated with a feature + if params['noise_correlated']: + labels, y_noise_gen = label_flip_correlated(labels, + params['label_noise'], data, + params['feature_col'], + params['feature_threshold']) + # else add uncorrelated noise + else: + labels, y_noise_gen = label_flip(labels, params['label_noise']) + # check if noise is on for RNA-seq data + elif params['noise_gaussian']: + data = add_gaussian_noise(data, 0, params['std_dev']) + elif params['noise_cluster']: + data = add_cluster_noise(data, loc=0., scale=params['std_dev'], + col_ids=params['feature_col'], + noise_type=params['noise_type'], + row_ids=params['sample_ids'], + y_noise_level=params['label_noise']) + elif params['noise_column']: + data = add_column_noise(data, 0, params['std_dev'], + col_ids=params['feature_col'], + noise_type=params['noise_type']) + + return data, labels + + +def add_noise(data, labels, params): + # put all the logic under the add_noise switch + if params['add_noise']: + if params['label_noise']: + # check if we want noise correlated with a feature + if params['noise_correlated']: + labels, y_noise_gen = label_flip_correlated(labels, + params['label_noise'], data, + params['feature_col'], + params['feature_threshold']) + # else add uncorrelated noise + else: + labels, y_noise_gen = label_flip(labels, params['label_noise']) + # check if noise is on for RNA-seq data + elif params['noise_gaussian']: + data = add_gaussian_noise(data, 0, params['std_dev']) + elif params['noise_cluster']: + data = add_cluster_noise(data, loc=0., scale=params['std_dev'], + col_ids=params['feature_col'], + noise_type=params['noise_type'], + row_ids=params['sample_ids'], + y_noise_level=params['label_noise']) + elif params['noise_column']: + data = add_column_noise(data, 0, params['std_dev'], + col_ids=params['feature_col'], + noise_type=params['noise_type']) + + return data, labels + + def label_flip(y_data_categorical, y_noise_level): flip_count = 0 for i in range(0, y_data_categorical.shape[0]): @@ -18,19 +86,22 @@ def label_flip(y_data_categorical, y_noise_level): return y_data_categorical, y_noise_generated -def label_flip_correlated(y_data_categorical, y_noise_level, x_data, feature_column, threshold): - flip_count = 0 - for i in range(0, y_data_categorical.shape[0]): - if x_data[i][feature_column] > threshold: - if random.random() < y_noise_level: - flip_count += 1 - for j in range(y_data_categorical.shape[1]): - y_data_categorical[i][j] = int(not y_data_categorical[i][j]) +def label_flip_correlated(y_data_categorical, y_noise_level, x_data, col_ids, threshold): + for col_id in col_ids: + flip_count = 0 + for i in range(0, y_data_categorical.shape[0]): + if x_data[i][col_id] > threshold: + if random.random() < y_noise_level: + print(i, y_data_categorical[i][:]) + flip_count += 1 + for j in range(y_data_categorical.shape[1]): + y_data_categorical[i][j] = int(not y_data_categorical[i][j]) + print(i, y_data_categorical[i][:]) - y_noise_generated = float(flip_count) / float(y_data_categorical.shape[0]) - print("Correlated label noise generation for feature {:d}:\n".format(feature_column)) - print("Labels flipped on {} samples out of {}: {:06.4f} ({:06.4f} requested)\n".format( - flip_count, y_data_categorical.shape[0], y_noise_generated, y_noise_level)) + y_noise_generated = float(flip_count) / float(y_data_categorical.shape[0]) + print("Correlated label noise generation for feature {:d}:\n".format(col_id)) + print("Labels flipped on {} samples out of {}: {:06.4f} ({:06.4f} requested)\n".format( + flip_count, y_data_categorical.shape[0], y_noise_generated, y_noise_level)) return y_data_categorical, y_noise_generated @@ -41,3 +112,44 @@ def add_gaussian_noise(x_data, loc=0., scale=0.5): train_noise = np.random.normal(loc, scale, size=x_data.shape) x_data = x_data + train_noise return x_data + + +# Add simple Gaussian noise to a list of RNA seq values, assume normalized x data +def add_column_noise(x_data, loc=0., scale=0.5, col_ids=[0], noise_type='gaussian'): + for col_id in col_ids: + print("added", noise_type, "noise to column ", col_id) + print(x_data[:, col_id].T) + if noise_type == 'gaussian': + train_noise = np.random.normal(loc, scale, size=x_data.shape[0]) + elif noise_type == 'uniform': + train_noise = np.random.uniform(-1.0 * scale, scale, size=x_data.shape[0]) + print(train_noise) + x_data[:, col_id] = 1.0 * x_data[:, col_id] + 1.0 * train_noise.T + print(x_data[:, col_id].T) + return x_data + + +# Add noise to a list of RNA seq values, for a fraction of samples assume normalized x data +def add_cluster_noise(x_data, loc=0., scale=0.5, col_ids=[0], noise_type='gaussian', row_ids=[0], y_noise_level=0.0): + # loop over all samples + num_samples = len(row_ids) + flip_count = 0 + for row_id in row_ids: + # only perturb a fraction of the samples + if random.random() < y_noise_level: + flip_count += 1 + for col_id in col_ids: + print("added", noise_type, "noise to row, column ", row_id, col_id) + print(x_data[row_id, col_id]) + if noise_type == 'gaussian': + train_noise = np.random.normal(loc, scale) + elif noise_type == 'uniform': + train_noise = np.random.uniform(-1.0 * scale, scale) + print(train_noise) + x_data[row_id, col_id] = 1.0 * x_data[row_id, col_id] + 1.0 * train_noise + print(x_data[row_id, col_id]) + + y_noise_generated = float(flip_count) / float(num_samples) + print("Noise added to {} samples out of {}: {:06.4f} ({:06.4f} requested)\n".format( + flip_count, num_samples, y_noise_generated, y_noise_level)) + return x_data diff --git a/common/parsing_utils.py b/common/parsing_utils.py index ec69f272..f04b0761 100644 --- a/common/parsing_utils.py +++ b/common/parsing_utils.py @@ -74,6 +74,11 @@ 'type': str, 'default': argparse.SUPPRESS, 'help': 'training data filename.'}, + {'name': 'val_data', + 'action': 'store', + 'type': str, + 'default': argparse.SUPPRESS, + 'help': 'validation data filename.'}, {'name': 'test_data', 'type': str, 'action': 'store', @@ -295,9 +300,9 @@ 'type': hutils.str2bool, 'default': False, 'help': 'Toggle saving only weights (not optimizer) (NYI).'}, - {'name': 'ckpt_save_internal', + {'name': 'ckpt_save_interval', 'type': int, - 'default': 1, + 'default': 0, 'help': 'Interval to save checkpoints.'}, {'name': 'ckpt_keep_mode', 'type': str, diff --git a/common/pytorch_utils.py b/common/pytorch_utils.py index e756ef4b..51d39284 100644 --- a/common/pytorch_utils.py +++ b/common/pytorch_utils.py @@ -42,18 +42,18 @@ def get_function(name): return mapped -def build_activation(type): +def build_activation(activation): # activation - if type == 'relu': + if activation == 'relu': return torch.nn.ReLU() - elif type == 'sigmoid': + elif activation == 'sigmoid': return torch.nn.Sigmoid() - elif type == 'tanh': + elif activation == 'tanh': return torch.nn.Tanh() -def build_optimizer(model, type, lr, kerasDefaults, trainable_only=True): +def build_optimizer(model, optimizer, lr, kerasDefaults, trainable_only=True): if trainable_only: params = filter(lambda p: p.requires_grad, model.parameters()) else: @@ -61,57 +61,57 @@ def build_optimizer(model, type, lr, kerasDefaults, trainable_only=True): # schedule = optimizers.optimizer.Schedule() # constant lr (equivalent to default keras setting) - if type == 'sgd': + if optimizer == 'sgd': return torch.optim.GradientDescentMomentum(params, lr=lr, momentum_coef=kerasDefaults['momentum_sgd'], nesterov=kerasDefaults['nesterov_sgd']) - elif type == 'rmsprop': + elif optimizer == 'rmsprop': return torch.optim.RMSprop(model.parameters(), lr=lr, alpha=kerasDefaults['rho'], eps=kerasDefaults['epsilon']) - elif type == 'adagrad': + elif optimizer == 'adagrad': return torch.optim.Adagrad(model.parameters(), lr=lr, eps=kerasDefaults['epsilon']) - elif type == 'adadelta': + elif optimizer == 'adadelta': return torch.optim.Adadelta(params, eps=kerasDefaults['epsilon'], rho=kerasDefaults['rho']) - elif type == 'adam': + elif optimizer == 'adam': return torch.optim.Adam(params, lr=lr, betas=[kerasDefaults['beta_1'], kerasDefaults['beta_2']], eps=kerasDefaults['epsilon']) -def initialize(weights, type, kerasDefaults, seed=None, constant=0.): +def initialize(weights, initializer, kerasDefaults, seed=None, constant=0.): - if type == 'constant': + if initializer == 'constant': return torch.nn.init.constant_(weights, val=constant) - elif type == 'uniform': + elif initializer == 'uniform': return torch.nn.init.uniform(weights, a=kerasDefaults['minval_uniform'], b=kerasDefaults['maxval_uniform']) - elif type == 'normal': + elif initializer == 'normal': return torch.nn.init.normal(weights, mean=kerasDefaults['mean_normal'], std=kerasDefaults['stddev_normal']) - elif type == 'glorot_normal': # not quite Xavier + elif initializer == 'glorot_normal': # not quite Xavier return torch.nn.init.xavier_normal(weights) - elif type == 'glorot_uniform': + elif initializer == 'glorot_uniform': return torch.nn.init.xavier_uniform_(weights) - elif type == 'he_normal': + elif initializer == 'he_normal': return torch.nn.init.kaiming_uniform(weights) diff --git a/common/uq_keras_utils.py b/common/uq_keras_utils.py index ad36a87b..e2029d8a 100644 --- a/common/uq_keras_utils.py +++ b/common/uq_keras_utils.py @@ -759,15 +759,15 @@ def loss(y_true, y_pred): y_shape = K.shape(y_true) if nout > 1: - y_out0 = K.reshape(y_pred[:, 0::nout], y_shape) - y_out1 = K.reshape(y_pred[:, 1::nout], y_shape) - y_out2 = K.reshape(y_pred[:, 2::nout], y_shape) + y_qtl0 = K.reshape(y_pred[:, 0::3], y_shape) + y_qtl1 = K.reshape(y_pred[:, 1::3], y_shape) + y_qtl2 = K.reshape(y_pred[:, 2::3], y_shape) else: - y_out0 = K.reshape(y_pred[:, 0], y_shape) - y_out1 = K.reshape(y_pred[:, 1], y_shape) - y_out2 = K.reshape(y_pred[:, 2], y_shape) + y_qtl0 = K.reshape(y_pred[:, 0], y_shape) + y_qtl1 = K.reshape(y_pred[:, 1], y_shape) + y_qtl2 = K.reshape(y_pred[:, 2], y_shape) - return quantile_loss(lowquantile, y_true, y_out1) + quantile_loss(highquantile, y_true, y_out2) + 2. * quantile_loss(0.5, y_true, y_out0) + return quantile_loss(lowquantile, y_true, y_qtl1) + quantile_loss(highquantile, y_true, y_qtl2) + 2. * quantile_loss(0.5, y_true, y_qtl0) return loss @@ -795,10 +795,10 @@ def metric(y_true, y_pred): """ y_shape = K.shape(y_true) if nout > 1: - y_out = K.reshape(y_pred[:, index::nout], y_shape) + y_qtl = K.reshape(y_pred[:, index::3], y_shape) else: - y_out = K.reshape(y_pred[:, index], y_shape) - return quantile_loss(quantile, y_true, y_out) + y_qtl = K.reshape(y_pred[:, index], y_shape) + return quantile_loss(quantile, y_true, y_qtl) metric.__name__ = 'quantile_{}'.format(quantile) return metric @@ -819,7 +819,11 @@ def add_index_to_output(y_train): """ # Add indices to y y_train_index = range(y_train.shape[0]) - y_train_augmented = np.vstack([y_train, y_train_index]).T + if y_train.ndim > 1: + shp = (y_train.shape[0], 1) + y_train_augmented = np.hstack([y_train, np.reshape(y_train_index, shp)]) + else: + y_train_augmented = np.vstack([y_train, y_train_index]).T return y_train_augmented @@ -884,6 +888,11 @@ def __init__(self, x, y, a_max=0.99): Maximum value of a variable to allow """ super(Contamination_Callback, self).__init__() + if y.ndim > 1: + if y.shape[1] > 1: + raise Exception( + 'ERROR ! Contamination model can be applied to one-output regression, but provided training data has: ' + + str(y.ndim) + 'outpus... Exiting') self.x = x # Features of training set self.y = y # Output of training set diff --git a/examples/ADRP/adrp.py b/examples/ADRP/adrp.py index 3bda4c92..801ec86f 100644 --- a/examples/ADRP/adrp.py +++ b/examples/ADRP/adrp.py @@ -1,7 +1,6 @@ from __future__ import print_function import os -import sys import logging import pandas as pd @@ -12,10 +11,6 @@ from sklearn.preprocessing import StandardScaler file_path = os.path.dirname(os.path.realpath(__file__)) -# lib_path = os.path.abspath(os.path.join(file_path, '..')) -# sys.path.append(lib_path) -lib_path2 = os.path.abspath(os.path.join(file_path, "..", "..", "common")) -sys.path.append(lib_path2) import candle diff --git a/examples/ADRP/adrp_default_model.txt b/examples/ADRP/adrp_default_model.txt index f7b36780..9eba807a 100644 --- a/examples/ADRP/adrp_default_model.txt +++ b/examples/ADRP/adrp_default_model.txt @@ -40,6 +40,5 @@ use_tb = False tsne = False use_sample_weight = False sample_weight_type = 'linear' -framework = 'keras' [Monitor Params] timeout = 36000 diff --git a/examples/ADRP/reg_go2.py b/examples/ADRP/reg_go2.py index 706869b5..50c69784 100644 --- a/examples/ADRP/reg_go2.py +++ b/examples/ADRP/reg_go2.py @@ -1,7 +1,6 @@ import pandas as pd import numpy as np import os -import sys import argparse import math @@ -19,13 +18,10 @@ from tensorflow.keras.callbacks import ModelCheckpoint, CSVLogger, ReduceLROnPlateau, EarlyStopping - from sklearn.model_selection import train_test_split from sklearn.preprocessing import StandardScaler file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path) psr = argparse.ArgumentParser(description='input csv file') psr.add_argument('--in', default='in_file') diff --git a/examples/ADRP/test.sh b/examples/ADRP/test.sh new file mode 100755 index 00000000..dfaf2615 --- /dev/null +++ b/examples/ADRP/test.sh @@ -0,0 +1,2 @@ +set -ex +python adrp_baseline_keras2.py -e 1 diff --git a/examples/M16/M16_test.py b/examples/M16/M16_test.py index 6d913a25..91bdabcc 100644 --- a/examples/M16/M16_test.py +++ b/examples/M16/M16_test.py @@ -1,13 +1,10 @@ import os -import sys import pandas as pd import numpy as np import warnings warnings.filterwarnings("ignore") file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path2 = os.path.abspath(os.path.join(file_path, "..", "..", "common")) -sys.path.append(lib_path2) import candle diff --git a/examples/M16/test.sh b/examples/M16/test.sh new file mode 100755 index 00000000..b2bf7885 --- /dev/null +++ b/examples/M16/test.sh @@ -0,0 +1,2 @@ +set -ex +python m16_baseline_keras2.py diff --git a/examples/darts/advanced/example_setup.py b/examples/darts/advanced/example_setup.py index 42ac97a5..0fb1c41d 100644 --- a/examples/darts/advanced/example_setup.py +++ b/examples/darts/advanced/example_setup.py @@ -1,11 +1,7 @@ import os -import sys file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', '..', 'common')) -sys.path.append(lib_path2) - import candle diff --git a/examples/darts/test.sh b/examples/darts/test.sh new file mode 100755 index 00000000..38f0e212 --- /dev/null +++ b/examples/darts/test.sh @@ -0,0 +1,3 @@ +cd uno +set -x +python uno_example.py -e 1 diff --git a/examples/darts/uno/example_setup.py b/examples/darts/uno/example_setup.py index 573dbc2c..de5ae94d 100644 --- a/examples/darts/uno/example_setup.py +++ b/examples/darts/uno/example_setup.py @@ -1,11 +1,6 @@ import os -import sys - file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', '..', 'common')) -sys.path.append(lib_path2) - import candle diff --git a/examples/darts/uno/uno_example.py b/examples/darts/uno/uno_example.py index cca91b35..db08c354 100644 --- a/examples/darts/uno/uno_example.py +++ b/examples/darts/uno/uno_example.py @@ -1,4 +1,5 @@ import logging +import sys import torch import torch.nn as nn @@ -9,8 +10,11 @@ import darts import candle -logging.basicConfig(level=logging.INFO) +# logging.basicConfig(sys.stdout, level=logging.INFO) +# Set up the logger to go to stdout instead of stderr logger = logging.getLogger("darts_uno") +logger.setLevel(logging.INFO) +logger.addHandler(logging.StreamHandler(sys.stdout)) def initialize_parameters(): diff --git a/examples/histogen/extract_code_baseline_pytorch.py b/examples/histogen/extract_code_baseline_pytorch.py index 238ad2df..4f96700a 100755 --- a/examples/histogen/extract_code_baseline_pytorch.py +++ b/examples/histogen/extract_code_baseline_pytorch.py @@ -13,11 +13,6 @@ from vqvae import VQVAE file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..')) -sys.path.append(lib_path) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) - import candle @@ -82,7 +77,7 @@ def extract(lmdb_env, loader, model, device): index = 0 with lmdb_env.begin(write=True) as txn: - pbar = tqdm(loader) + pbar = tqdm(loader, file=sys.stdout) for img, _, filename in pbar: img = img.to(device) diff --git a/examples/histogen/extract_code_default_model.txt b/examples/histogen/extract_code_default_model.txt index 98559937..a01a929a 100644 --- a/examples/histogen/extract_code_default_model.txt +++ b/examples/histogen/extract_code_default_model.txt @@ -1,7 +1,6 @@ [Global_Params] size = 256 batch_size = 128 -use_gpus = True ckpt_directory = './' ckpt_restart = 'checkpoint/vqvae_001.pt' lmdb_filename = 'lmdb_001' diff --git a/examples/histogen/sample_baseline_pytorch.py b/examples/histogen/sample_baseline_pytorch.py index 67e3b908..871af4df 100755 --- a/examples/histogen/sample_baseline_pytorch.py +++ b/examples/histogen/sample_baseline_pytorch.py @@ -1,5 +1,4 @@ import os -import sys import torch from torchvision.utils import save_image @@ -9,11 +8,6 @@ from pixelsnail import PixelSNAIL file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..')) -sys.path.append(lib_path) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) - import candle diff --git a/examples/histogen/test.sh b/examples/histogen/test.sh new file mode 100755 index 00000000..fc516a6e --- /dev/null +++ b/examples/histogen/test.sh @@ -0,0 +1,4 @@ +set -ex +python train_vqvae_baseline_pytorch.py -e 1 +python extract_code_baseline_pytorch.py +python train_pixelsnail_baseline_pytorch.py -e 1 diff --git a/examples/histogen/train_pixelsnail_baseline_pytorch.py b/examples/histogen/train_pixelsnail_baseline_pytorch.py index 47fea59f..a2acc423 100755 --- a/examples/histogen/train_pixelsnail_baseline_pytorch.py +++ b/examples/histogen/train_pixelsnail_baseline_pytorch.py @@ -19,11 +19,6 @@ from scheduler import CycleScheduler file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..')) -sys.path.append(lib_path) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) - import candle @@ -119,7 +114,7 @@ def initialize_parameters(default_model='train_pixelsnail_default_model.txt'): def train(args, epoch, loader, model, optimizer, scheduler, device): - loader = tqdm(loader) + loader = tqdm(loader, file=sys.stdout) criterion = nn.CrossEntropyLoss() diff --git a/examples/histogen/train_pixelsnail_default_model.txt b/examples/histogen/train_pixelsnail_default_model.txt index 152cfe67..48ab34a6 100644 --- a/examples/histogen/train_pixelsnail_default_model.txt +++ b/examples/histogen/train_pixelsnail_default_model.txt @@ -5,11 +5,10 @@ batch_size = 32 learning_rate = 3e-4 hier = 'top' channel = 256 -n_res_block = 4 -n_res_channel = 256 -n_out_res_block = 0 -n_cond_res_block = 3 -dropout = 0.1 +n_res_block = 4 +n_res_channel = 256 +n_out_res_block = 0 +n_cond_res_block = 3 +dropout = 0.1 amp = 'O0' -use_gpus = True ckpt_directory = './' diff --git a/examples/histogen/train_vqvae_baseline_pytorch.py b/examples/histogen/train_vqvae_baseline_pytorch.py index 5c67c8d4..ad01b2bc 100755 --- a/examples/histogen/train_vqvae_baseline_pytorch.py +++ b/examples/histogen/train_vqvae_baseline_pytorch.py @@ -16,10 +16,6 @@ file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..')) -sys.path.append(lib_path) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) port = (2 ** 15 + 2 ** 14 + hash(os.getuid() if sys.platform != "win32" else 1) % 2 ** 14) @@ -92,7 +88,7 @@ def initialize_parameters(default_model='train_vqvae_default_model.txt'): def train(epoch, loader, model, optimizer, scheduler, device): if dist.is_primary(): - loader = tqdm(loader) + loader = tqdm(loader, file=sys.stdout) criterion = nn.MSELoss() diff --git a/examples/image-vae/image_vae_baseline_pytorch.py b/examples/image-vae/image_vae_baseline_pytorch.py index 60e80cbb..a40e0595 100644 --- a/examples/image-vae/image_vae_baseline_pytorch.py +++ b/examples/image-vae/image_vae_baseline_pytorch.py @@ -13,11 +13,8 @@ from model import GeneralVae, PictureDecoder, PictureEncoder, customLoss from utils import AverageMeter import os -import sys file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path) import candle @@ -97,7 +94,7 @@ def run(gParams): test_file = candle.fetch_file(data_url + test_data, subdir='Examples/image_vae') starting_epoch = 1 - total_epochs = gParams['epochs'] + total_epochs = args.epochs rng_seed = 42 torch.manual_seed(rng_seed) @@ -260,10 +257,10 @@ def test(epoch, args): val_losses.append(test_loss) - if total_epochs is None: + if total_epochs == 0: trn_rng = itertools.count(start=starting_epoch) else: - trn_rng = range(starting_epoch, total_epochs + 1) + trn_rng = range(starting_epoch, total_epochs) for epoch in trn_rng: for param_group in optimizer.param_groups: diff --git a/examples/image-vae/image_vae_default_model.txt b/examples/image-vae/image_vae_default_model.txt index 87069b7a..05de9124 100644 --- a/examples/image-vae/image_vae_default_model.txt +++ b/examples/image-vae/image_vae_default_model.txt @@ -3,7 +3,7 @@ data_url = 'ftp://ftp.mcs.anl.gov/pub/candle/public/benchmarks/Examples/image_va train_data = 'train.csv' test_data = 'test.csv' workers = 16 -epochs = None +epochs = 0 batch_size = 256 grad_clip = 2.0 model_path = 'models' diff --git a/examples/image-vae/sample_baseline_pytorch.py b/examples/image-vae/sample_baseline_pytorch.py index e0b4d9a8..16f41045 100644 --- a/examples/image-vae/sample_baseline_pytorch.py +++ b/examples/image-vae/sample_baseline_pytorch.py @@ -1,6 +1,5 @@ import logging import os -import sys import numpy as np import torch @@ -13,8 +12,6 @@ logger.setLevel(logging.CRITICAL) file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path) import candle @@ -25,6 +22,8 @@ 'default': 'samples/'}, {'name': 'checkpoint', 'type': str, 'help': 'saved model to sample from'}, + {'name': 'model_path', 'type': str, + 'help': 'path to saved model to sample from'}, {'name': 'num_samples', 'type': int, 'default': 64, 'help': 'number of samples to draw'}, {'name': 'image', 'type': candle.str2bool, 'help': 'save images instead of numpy array'} ] diff --git a/examples/image-vae/sample_default_model.txt b/examples/image-vae/sample_default_model.txt index 2ebd61d3..b2f52edc 100644 --- a/examples/image-vae/sample_default_model.txt +++ b/examples/image-vae/sample_default_model.txt @@ -1,9 +1,8 @@ [Global_Params] data_url = 'http://ftp.mcs.anl.gov/pub/candle/public/benchmarks/Examples/image_vae' -test_model = 'model.pt' num_samples = 64 batch_size = 64 model_path = 'models' -checkpoint = 'epoch_6.pt' +checkpoint = 'epoch_1.pt' output_dir = 'samples' image = True diff --git a/examples/image-vae/test.sh b/examples/image-vae/test.sh new file mode 100755 index 00000000..09a239a9 --- /dev/null +++ b/examples/image-vae/test.sh @@ -0,0 +1,3 @@ +set -ex +python image_vae_baseline_pytorch.py -e 2 +python sample_baseline_pytorch.py --checkpoint epoch_1.pt diff --git a/examples/mnist/mnist.py b/examples/mnist/mnist.py index 8b081cfa..d6c68606 100644 --- a/examples/mnist/mnist.py +++ b/examples/mnist/mnist.py @@ -1,8 +1,5 @@ import os -import sys file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path) from tensorflow.keras import backend as K import candle diff --git a/examples/mnist/test.sh b/examples/mnist/test.sh new file mode 100755 index 00000000..bb7b24c9 --- /dev/null +++ b/examples/mnist/test.sh @@ -0,0 +1,3 @@ +set -ex +python mnist_cnn_candle.py -e 3 +python mnist_mlp_candle.py -e 3 diff --git a/examples/rnagen/rnagen.py b/examples/rnagen/rnagen.py index b76ced7e..e27129a0 100644 --- a/examples/rnagen/rnagen.py +++ b/examples/rnagen/rnagen.py @@ -1,5 +1,4 @@ import os -import sys import time import logging import argparse @@ -16,10 +15,7 @@ from tensorflow.keras.metrics import binary_crossentropy, mean_squared_error file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path) -import file_utils import candle DATA_URL = 'http://ftp.mcs.anl.gov/pub/candle/public/benchmarks/Examples/rnagen/' @@ -51,7 +47,7 @@ def parse_args(): def get_file(url): fname = os.path.basename(url) - return file_utils.get_file(fname, origin=url, cache_subdir='Examples') + return candle.get_file(fname, origin=url, cache_subdir='Examples') def impute_and_scale(df, scaling='std', imputing='mean', dropna='all'): @@ -148,7 +144,7 @@ def with_prefix(x): df1 = df_sample_source.merge(df_source, on='Source', how='left').drop('Source', axis=1) logger.info('Embedding RNAseq data source into features: %d additional columns', df1.shape[1] - 1) - df2 = df.drop('Sample', 1) + df2 = df.drop('Sample', axis=1) if add_prefix: df2 = df2.add_prefix('rnaseq.') diff --git a/examples/rnagen/rnagen_baseline_keras2.py b/examples/rnagen/rnagen_baseline_keras2.py index 13ae6ab5..9d52cb71 100644 --- a/examples/rnagen/rnagen_baseline_keras2.py +++ b/examples/rnagen/rnagen_baseline_keras2.py @@ -1,5 +1,4 @@ import os -import sys import time import logging import numpy as np @@ -15,8 +14,6 @@ from tensorflow.keras.metrics import binary_crossentropy, mean_squared_error file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path) import candle @@ -33,6 +30,20 @@ 'help': 'number of top sample types to use'}, {'name': 'n_samples', 'type': int, 'default': 10000, 'help': 'number of RNAseq samples to generate'}, + {'name': 'encoder_layers', + 'nargs': '+', + 'type': int, + 'help': 'encoder network structure'}, + {'name': 'encoder_activation', + 'type': str, + 'help': 'encoder layer activation'}, + {'name': 'decoder_layers', + 'nargs': '+', + 'type': int, + 'help': 'decoder network structure'}, + {'name': 'decoder_activation', + 'type': str, + 'help': 'decoder layer activation'}, {'name': 'plot', 'type': candle.str2bool, 'help': 'plot test performance comparision with and without synthetic training data'} ] @@ -113,7 +124,7 @@ def impute_and_scale(df, scaling='std', imputing='mean', dropna='all'): def load_cell_type(gParams): - link = gParams['data_url'] + gParams['cell_types'] + link = gParams['data_url'] + gParams['train_data'] path = candle.fetch_file(link, subdir='Examples') df = pd.read_csv(path, engine='c', sep='\t', header=None) df.columns = ['Sample', 'type'] @@ -169,7 +180,7 @@ def with_prefix(x): df1 = df_sample_source.merge(df_source, on='Source', how='left').drop('Source', axis=1) logger.info('Embedding RNAseq data source into features: %d additional columns', df1.shape[1] - 1) - df2 = df.drop('Sample', 1) + df2 = df.drop('Sample', axis=1) if add_prefix: df2 = df2.add_prefix('rnaseq.') diff --git a/examples/rnagen/rnagen_default_model.txt b/examples/rnagen/rnagen_default_model.txt index a11dad3a..573db43d 100644 --- a/examples/rnagen/rnagen_default_model.txt +++ b/examples/rnagen/rnagen_default_model.txt @@ -1,6 +1,6 @@ [Global_Params] data_url = 'ftp://ftp.mcs.anl.gov/pub/candle/public/benchmarks/Examples/rnagen/' -cell_types = 'combined_cancer_types' +train_data = 'combined_cancer_types' model = 'cvae' encoder_layers = [100, 100] decoder_layers = [100, 100] diff --git a/examples/rnagen/test.sh b/examples/rnagen/test.sh new file mode 100755 index 00000000..9c183767 --- /dev/null +++ b/examples/rnagen/test.sh @@ -0,0 +1,3 @@ +set -ex +python rnagen_baseline_keras2.py -e 1 +python rnagen_baseline_keras2.py --plot True diff --git a/examples/rnngen/infer_rnngen_baseline_pytorch.py b/examples/rnngen/infer_rnngen_baseline_pytorch.py index ead14a72..b82348f5 100644 --- a/examples/rnngen/infer_rnngen_baseline_pytorch.py +++ b/examples/rnngen/infer_rnngen_baseline_pytorch.py @@ -1,5 +1,4 @@ import os -import sys import time import pandas as pd @@ -13,11 +12,6 @@ from model.vocab import get_vocab_from_file file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..')) -sys.path.append(lib_path) -lib_path2 = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path2) - import candle @@ -182,7 +176,7 @@ def run(params): file = 'pilot1/ft_goodperforming_model.pt' elif args.model == 'ft_poorperforming_model.pt': file = 'pilot1/ft_poorperforming_model.pt' - else: # Corresponding to args.model == 'autosave.model.pt': + else: # Corresponding to args.model == 'autosave.model.pt': file = 'mosesrun/autosave.model.pt' print('Recovering trained model') diff --git a/examples/rnngen/test.sh b/examples/rnngen/test.sh new file mode 100755 index 00000000..a77dc928 --- /dev/null +++ b/examples/rnngen/test.sh @@ -0,0 +1,2 @@ +set -ex +python infer_rnngen_baseline_pytorch.py diff --git a/examples/unet/test.sh b/examples/unet/test.sh new file mode 100755 index 00000000..e69de29b diff --git a/examples/unet/unet.py b/examples/unet/unet.py index d3a00d9a..62c56bb3 100644 --- a/examples/unet/unet.py +++ b/examples/unet/unet.py @@ -1,8 +1,5 @@ import os -import sys file_path = os.path.dirname(os.path.realpath(__file__)) -lib_path = os.path.abspath(os.path.join(file_path, '..', '..', 'common')) -sys.path.append(lib_path) from tensorflow.keras.models import Model from tensorflow.keras.layers import Input, Conv2D, MaxPooling2D, UpSampling2D, Dropout, Cropping2D, Concatenate, ZeroPadding2D diff --git a/test.sh b/test.sh new file mode 100755 index 00000000..995a4f22 --- /dev/null +++ b/test.sh @@ -0,0 +1,42 @@ +#!/bin/bash + +export TF_CPP_MIN_LOG_LEVEL=3 +set +x +if [ $# == 0 ]; then +for pilot in "Pilot1" "Pilot2" "Pilot3" "examples" +do + for dir in $pilot/*/ + do + echo $dir + cd $dir +# more test.sh + ./test.sh > test.log + rm test.log + cd ../../ + done +done +elif [ $# == 1 ]; then + for dir in $1/*/ + do + echo $dir + cd $dir +# more test.sh + ./test.sh > test.log + rm test.log + cd ../../ + done +elif [ $# == 2 ]; then + for dir in $1/$2/ + do + echo $dir + cd $dir +# more test.sh + ./test.sh > test.log + rm test.log + cd ../../ + done +else + echo "Too many arguments" + echo "With no arguments the script will loop over Pilot1, Pilot2, Pilot3 and examples" + echo "Or you can enter a directory, or a directory and benchmark to test a smaller set" +fi