コード例 #1
0
ファイル: lbann_sample.py プロジェクト: wderekjones/moses
def sample():
    MODELS = ModelsStorage()
    model_vocab = torch.load(model_config.vocab_path)
    model = MODELS.get_model_class(model_config.model)(model_vocab, model_config)
    # load the model
    assert os.path.exists(model_config.lbann_weights_dir) is not None

    weights_prefix = f"{model_config.lbann_weights_dir}/{model_config.weight_prefix}.epoch.{model_config.lbann_load_epoch}.step.{model_config.lbann_load_step}"
    model.load_lbann_weights(
        weights_prefix,
    )


    # here we should try to wrap model in a dataparallel layer or something?
    model.cuda()
    model.eval()

    samples = []
    n = model_config.n_samples
    print("Generating Samples")
    with tqdm(total=model_config.n_samples, desc="Generating samples") as T:
        while n > 0:
            current_samples = model.sample(
                min(n, model_config.n_batch), model_config.max_len
            )
            samples.extend(current_samples)

            n -= len(current_samples)
            T.update(len(current_samples))

    samples = pd.DataFrame(samples, columns=["SMILES"])
    print("Save generated samples to ", model_config.gen_save)
    samples.to_csv(model_config.gen_save, index=False)
    return samples
コード例 #2
0
import pandas as pd

from moses.models_storage import ModelsStorage


def load_module(name, path):
    dirname = os.path.dirname(os.path.abspath(__file__))
    path = os.path.join(dirname, path)
    spec = importlib.util.spec_from_file_location(name, path)
    module = importlib.util.module_from_spec(spec)
    spec.loader.exec_module(module)

    return module


MODELS = ModelsStorage()
split_dataset = load_module('split_dataset', 'split_dataset.py')
eval_script = load_module('eval', 'eval.py')
trainer_script = load_module('train', 'train.py')
sampler_script = load_module('sample', 'sample.py')


def get_model_path(config, model):
    return os.path.join(config.checkpoint_dir,
                        model + config.experiment_suff + '_model.pt')


def get_log_path(config, model):
    return os.path.join(config.checkpoint_dir,
                        model + config.experiment_suff + '_log.txt')
コード例 #3
0
ファイル: vis_plot_simi_doe2.py プロジェクト: SY575/Decoys
            return fp3
        fp3 = list((np.array(fp3)/(np.sum(fp3)**0.5)).astype(np.float16))
        return np.array(fp3)
    except:
        return -1

# df['dec_fp'] = df['dec'].apply(lambda x: get_mol_features(Chem.MolFromSmiles(x)))
df = df.sample(frac=0.1).reset_index(drop=True)
df2 = df.copy()
# =============================================================================
# 
# =============================================================================
import torch
from moses.models_storage import ModelsStorage
from moses.latentgan.model import load_model
MODELS = ModelsStorage()

model_config = torch.load('../temp')
model_vocab = torch.load('../vocab')
model_state = torch.load('../t_020.pt')
model = MODELS.get_model_class('latentgan')(model_vocab, model_config)
model.load_state_dict(model_state)
model = model.cuda()
model.eval()

model.model_loaded = True
_, smi2vec = load_model()

act2fp = set(df['act'])
act2fp = {smi:model.heteroencoder.encode(smi2vec([smi])) for smi in act2fp}
act2fp = {key: np.array(item)/(np.sum(item**2)**0.5) for key, item in act2fp.items()}