Skip to content

Errors when run pytest tests #56

@lh12565

Description

@lh12565

Hi, @mattragoza I installed LiGAN successfully. But when I run pytest tests, there is a lot of errors occurred:

.............
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.nn.utils.spectral_norm.SpectralNorm object at 0x7f2c7c6d6070>
module = Conv3d(18, 8, kernel_size=(3, 3, 3), stride=(1, 1, 1), padding=(1, 1, 1))
do_power_iteration = True

    def compute_weight(self, module: Module, do_power_iteration: bool) -> torch.Tensor:
        # NB: If `do_power_iteration` is set, the `u` and `v` vectors are
        #     updated in power iteration **in-place**. This is very important
        #     because in `DataParallel` forward, the vectors (being buffers) are
        #     broadcast from the parallelized module to each module replica,
        #     which is a new module object created on the fly. And each replica
        #     runs its own spectral norm power iteration. So simply assigning
        #     the updated vectors to the module this function runs on will cause
        #     the update to be lost forever. And the next time the parallelized
        #     module is replicated, the same randomly initialized vectors are
        #     broadcast and used!
        #
        #     Therefore, to make the change propagate back, we rely on two
        #     important behaviors (also enforced via tests):
        #       1. `DataParallel` doesn't clone storage if the broadcast tensor
        #          is already on correct device; and it makes sure that the
        #          parallelized module is already on `device[0]`.
        #       2. If the out tensor in `out=` kwarg has correct shape, it will
        #          just fill in the values.
        #     Therefore, since the same power iteration is performed on all
        #     devices, simply updating the tensors in-place will make sure that
        #     the module replica on `device[0]` will update the _u vector on the
        #     parallized module (by shared storage).
        #
        #    However, after we update `u` and `v` in-place, we need to **clone**
        #    them before using them to normalize the weight. This is to support
        #    backproping through two forward passes, e.g., the common pattern in
        #    GAN training: loss = D(real) - D(fake). Otherwise, engine will
        #    complain that variables needed to do backward for the first forward
        #    (i.e., the `u` and `v` vectors) are changed in the second forward.
        weight = getattr(module, self.name + '_orig')
        u = getattr(module, self.name + '_u')
        v = getattr(module, self.name + '_v')
        weight_mat = self.reshape_weight_to_matrix(weight)
    
        if do_power_iteration:
            with torch.no_grad():
                for _ in range(self.n_power_iterations):
                    # Spectral norm of weight equals to `u^T W v`, where `u` and `v`
                    # are the first left and right singular vectors.
                    # This power iteration produces approximations of `u` and `v`.
>                   v = normalize(torch.mv(weight_mat.t(), u), dim=0, eps=self.eps, out=v)
E                   RuntimeError: CUDA error: CUBLAS_STATUS_INVALID_VALUE when calling `cublasSgemv(handle, op, m, n, &alpha, a, lda, x, incx, &beta, y, incy)`

../../../miniconda3/envs/LiGAN/lib/python3.9/site-packages/torch/nn/utils/spectral_norm.py:84: RuntimeError
----------------------------- Captured stdout setup ------------------------------
Loading data
Initializing generative model and optimizer
Initializing prior model and optimizer
Initializing atom fitter and bond adder
------------------------------ Captured stdout call ------------------------------
Saving generative model state to tests/output/TEST_VAE2_iter_0.gen_model_state
Saving generative solver state to tests/output/TEST_VAE2_iter_0.gen_solver_state
Saving prior model state to tests/output/TEST_VAE2_iter_0.prior_model_state
Saving prior solver state to tests/output/TEST_VAE2_iter_0.prior_solver_state
Writing training metrics to tests/output/TEST_VAE2.train_metrics
Saving generative model state to tests/output/TEST_VAE2_iter_0.gen_model_state
Saving generative solver state to tests/output/TEST_VAE2_iter_0.gen_solver_state
Saving prior model state to tests/output/TEST_VAE2_iter_0.prior_model_state
Saving prior solver state to tests/output/TEST_VAE2_iter_0.prior_solver_state
------------------------------ Captured stderr call ------------------------------
==============================
*** Open Babel Warning  in PerceiveBondOrders
  Failed to kekulize aromatic bonds in OBMol::PerceiveBondOrders (title is data/crossdock2020/1A02_HUMAN_25_199_pep_0/1eez_A_rec.pdb)

_____________ TestGenerativeSolver.test_solver_train_and_test[CVAE2] _____________

self = <test_training.TestGenerativeSolver object at 0x7f2d6bd5b970>
solver = CVAE2Solver(
  (gen_model): CVAE2(
    (input_encoder): GridEncoder(
      (level0): Conv3DBlock(
        (0): Conv3DR...tures=96, out_features=128, bias=True)
      (3): LeakyReLU(negative_slope=0.1)
    )
  )
  (loss_fn): LossFunction()
)
train_params = {'fit_interval': 0, 'max_iter': 10, 'n_test_batches': 1, 'norm_interval': 10, ...}

    def test_solver_train_and_test(self, solver, train_params):
    
        max_iter = train_params['max_iter']
        test_interval = train_params['test_interval']
        n_test_batches = train_params['n_test_batches']
    
        t0 = time.time()
>       solver.train_and_test(**train_params)

tests/test_training.py:534: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
ligan/training.py:37: in wrapper
    return method(self, *args, **kwargs)
ligan/training.py:1163: in train_and_test
    self.test_models(n_batches=n_test_batches, fit_atoms=fit_atoms)
ligan/training.py:1056: in test_models
    self.test_model(
ligan/training.py:1023: in test_model
    loss, metrics = self.gen_forward(
ligan/training.py:625: in gen_forward
    self.gen_model(
../../../miniconda3/envs/LiGAN/lib/python3.9/site-packages/torch/nn/modules/module.py:1130: in _call_impl
    return forward_call(*input, **kwargs)
ligan/models.py:1130: in forward
    (means, log_stds), _ = self.input_encoder(inputs)
../../../miniconda3/envs/LiGAN/lib/python3.9/site-packages/torch/nn/modules/module.py:1130: in _call_impl
    return forward_call(*input, **kwargs)
ligan/models.py:682: in forward
    outputs = f(inputs)
../../../miniconda3/envs/LiGAN/lib/python3.9/site-packages/torch/nn/modules/module.py:1130: in _call_impl
    return forward_call(*input, **kwargs)
ligan/models.py:364: in forward
    outputs = f(inputs)
../../../miniconda3/envs/LiGAN/lib/python3.9/site-packages/torch/nn/modules/module.py:1130: in _call_impl
    return forward_call(*input, **kwargs)
../../../miniconda3/envs/LiGAN/lib/python3.9/site-packages/torch/nn/modules/container.py:139: in forward
    input = module(input)
../../../miniconda3/envs/LiGAN/lib/python3.9/site-packages/torch/nn/modules/module.py:1137: in _call_impl
    result = hook(self, input)
../../../miniconda3/envs/LiGAN/lib/python3.9/site-packages/torch/nn/utils/spectral_norm.py:105: in __call__
    setattr(module, self.name, self.compute_weight(module, do_power_iteration=module.training))
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

self = <torch.nn.utils.spectral_norm.SpectralNorm object at 0x7f2c7c958760>
module = Conv3d(36, 8, kernel_size=(3, 3, 3), stride=(1, 1, 1), padding=(1, 1, 1))
do_power_iteration = True

    def compute_weight(self, module: Module, do_power_iteration: bool) -> torch.Tensor:
        # NB: If `do_power_iteration` is set, the `u` and `v` vectors are
        #     updated in power iteration **in-place**. This is very important
        #     because in `DataParallel` forward, the vectors (being buffers) are
        #     broadcast from the parallelized module to each module replica,
        #     which is a new module object created on the fly. And each replica
        #     runs its own spectral norm power iteration. So simply assigning
        #     the updated vectors to the module this function runs on will cause
        #     the update to be lost forever. And the next time the parallelized
        #     module is replicated, the same randomly initialized vectors are
        #     broadcast and used!
        #
        #     Therefore, to make the change propagate back, we rely on two
        #     important behaviors (also enforced via tests):
        #       1. `DataParallel` doesn't clone storage if the broadcast tensor
        #          is already on correct device; and it makes sure that the
        #          parallelized module is already on `device[0]`.
        #       2. If the out tensor in `out=` kwarg has correct shape, it will
        #          just fill in the values.
        #     Therefore, since the same power iteration is performed on all
        #     devices, simply updating the tensors in-place will make sure that
        #     the module replica on `device[0]` will update the _u vector on the
        #     parallized module (by shared storage).
        #
        #    However, after we update `u` and `v` in-place, we need to **clone**
        #    them before using them to normalize the weight. This is to support
        #    backproping through two forward passes, e.g., the common pattern in
        #    GAN training: loss = D(real) - D(fake). Otherwise, engine will
        #    complain that variables needed to do backward for the first forward
        #    (i.e., the `u` and `v` vectors) are changed in the second forward.
        weight = getattr(module, self.name + '_orig')
        u = getattr(module, self.name + '_u')
        v = getattr(module, self.name + '_v')
        weight_mat = self.reshape_weight_to_matrix(weight)
    
        if do_power_iteration:
            with torch.no_grad():
                for _ in range(self.n_power_iterations):
                    # Spectral norm of weight equals to `u^T W v`, where `u` and `v`
                    # are the first left and right singular vectors.
                    # This power iteration produces approximations of `u` and `v`.
>                   v = normalize(torch.mv(weight_mat.t(), u), dim=0, eps=self.eps, out=v)
E                   RuntimeError: CUDA error: CUBLAS_STATUS_INVALID_VALUE when calling `cublasSgemv(handle, op, m, n, &alpha, a, lda, x, incx, &beta, y, incy)`

../../../miniconda3/envs/LiGAN/lib/python3.9/site-packages/torch/nn/utils/spectral_norm.py:84: RuntimeError
----------------------------- Captured stdout setup ------------------------------
Loading data
Initializing generative model and optimizer
Initializing prior model and optimizer
Initializing atom fitter and bond adder
------------------------------ Captured stdout call ------------------------------
Saving generative model state to tests/output/TEST_CVAE2_iter_0.gen_model_state
Saving generative solver state to tests/output/TEST_CVAE2_iter_0.gen_solver_state
Saving prior model state to tests/output/TEST_CVAE2_iter_0.prior_model_state
Saving prior solver state to tests/output/TEST_CVAE2_iter_0.prior_solver_state
Writing training metrics to tests/output/TEST_CVAE2.train_metrics
Saving generative model state to tests/output/TEST_CVAE2_iter_0.gen_model_state
Saving generative solver state to tests/output/TEST_CVAE2_iter_0.gen_solver_state
Saving prior model state to tests/output/TEST_CVAE2_iter_0.prior_model_state
Saving prior solver state to tests/output/TEST_CVAE2_iter_0.prior_solver_state
------------------------------ Captured stderr call ------------------------------
==============================
*** Open Babel Warning  in PerceiveBondOrders
  Failed to kekulize aromatic bonds in OBMol::PerceiveBondOrders (title is data/crossdock2020/1A02_HUMAN_25_199_pep_0/1eez_A_rec.pdb)

================================ warnings summary ================================
tests/test_atom_fitting.py: 21 warnings
tests/test_training.py: 112 warnings
  /NAS/lh/software/miniconda3/envs/LiGAN/lib/python3.9/site-packages/torch/cuda/memory.py:278: FutureWarning: torch.cuda.reset_max_memory_allocated now calls torch.cuda.reset_peak_memory_stats, which resets /all/ peak memory stats.
    warnings.warn(

tests/test_atom_grids.py::TestAtomGrid::test_get_coords
  /NAS/lh/software/liGAN/new/LiGAN/./ligan/atom_grids.py:163: UserWarning: __floordiv__ is deprecated, and its behavior will change in a future version of pytorch. It currently rounds toward 0 (like the 'trunc' function NOT 'floor'). This results in incorrect rounding for negative values. To keep the current behavior, use torch.div(a, b, rounding_mode='trunc'), or for actual floor division, use torch.div(a, b, rounding_mode='floor').
    idx = idx // dim

tests/test_models.py::test_interpolate
  /NAS/lh/software/liGAN/new/LiGAN/tests/test_models.py:50: UserWarning: __floordiv__ is deprecated, and its behavior will change in a future version of pytorch. It currently rounds toward 0 (like the 'trunc' function NOT 'floor'). This results in incorrect rounding for negative values. To keep the current behavior, use torch.div(a, b, rounding_mode='trunc'), or for actual floor division, use torch.div(a, b, rounding_mode='floor').
    start_idx = (interp_step + batch_idxs) // n_samples

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
============================ short test summary info =============================
FAILED tests/test_bond_adding.py::TestBondAdding::test_make_ob_mol[oadc-tests/input/benzene.sdf]
FAILED tests/test_bond_adding.py::TestBondAdding::test_make_ob_mol[oadc-tests/input/neopentane.sdf]
FAILED tests/test_bond_adding.py::TestBondAdding::test_make_ob_mol[oadc-tests/input/ATP.sdf]
FAILED tests/test_bond_adding.py::TestBondAdding::test_make_ob_mol[oadc-tests/input/4fic_C_0UL.sdf]
FAILED tests/test_data.py::TestMolDataset::test_benchmark[False] - ValueError: ...
FAILED tests/test_data.py::TestMolDataset::test_benchmark[True] - AssertionErro...
FAILED tests/test_models.py::TestConv3DReLU::test_forward_cuda[Conv3DReLU] - Ru...
FAILED tests/test_models.py::TestConv3DReLU::test_forward_cuda[TConv3DReLU] - R...
FAILED tests/test_models.py::TestConv3DBlock::test_forward_cuda[Conv3DBlock-c-1]
FAILED tests/test_models.py::TestConv3DBlock::test_forward_cuda[Conv3DBlock-c-2]
FAILED tests/test_models.py::TestConv3DBlock::test_forward_cuda[Conv3DBlock-c-4]
FAILED tests/test_models.py::TestConv3DBlock::test_forward_cuda[Conv3DBlock-r-1]
FAILED tests/test_models.py::TestConv3DBlock::test_forward_cuda[Conv3DBlock-r-2]
FAILED tests/test_models.py::TestConv3DBlock::test_forward_cuda[Conv3DBlock-r-4]
FAILED tests/test_models.py::TestConv3DBlock::test_forward_cuda[Conv3DBlock-d-1]
FAILED tests/test_models.py::TestConv3DBlock::test_forward_cuda[Conv3DBlock-d-2]
FAILED tests/test_models.py::TestConv3DBlock::test_forward_cuda[Conv3DBlock-d-4]
FAILED tests/test_models.py::TestConv3DBlock::test_forward_cuda[TConv3DBlock-c-1]
FAILED tests/test_models.py::TestConv3DBlock::test_forward_cuda[TConv3DBlock-c-2]
FAILED tests/test_models.py::TestConv3DBlock::test_forward_cuda[TConv3DBlock-c-4]
FAILED tests/test_models.py::TestConv3DBlock::test_forward_cuda[TConv3DBlock-r-1]
FAILED tests/test_models.py::TestConv3DBlock::test_forward_cuda[TConv3DBlock-r-2]
FAILED tests/test_models.py::TestConv3DBlock::test_forward_cuda[TConv3DBlock-r-4]
FAILED tests/test_models.py::TestConv3DBlock::test_forward_cuda[TConv3DBlock-d-1]
FAILED tests/test_models.py::TestConv3DBlock::test_forward_cuda[TConv3DBlock-d-2]
FAILED tests/test_models.py::TestConv3DBlock::test_forward_cuda[TConv3DBlock-d-4]
FAILED tests/test_models.py::TestGridEncoder::test_enc1_forward - RuntimeError:...
FAILED tests/test_models.py::TestGridEncoder::test_enc1_backward0 - RuntimeErro...
FAILED tests/test_models.py::TestGridEncoder::test_enc1_backward1 - RuntimeErro...
FAILED tests/test_models.py::TestGridEncoder::test_enc2_forward - RuntimeError:...
FAILED tests/test_models.py::TestGridEncoder::test_enc2_backward0 - RuntimeErro...
FAILED tests/test_models.py::TestGridEncoder::test_enc2_backward1 - RuntimeErro...
FAILED tests/test_models.py::TestGridDecoder::test_forward - RuntimeError: CUDA...
FAILED tests/test_models.py::TestGridDecoder::test_backward0 - RuntimeError: CU...
FAILED tests/test_models.py::TestGridDecoder::test_backward1 - RuntimeError: CU...
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_poster[AE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_poster[AE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_poster[CE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_poster[CE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_poster[VAE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_poster[VAE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_poster[CVAE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_poster[CVAE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_poster[GAN-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_poster[GAN-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_poster[CGAN-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_poster[CGAN-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_poster[VAE2-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_poster[VAE2-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_poster[CVAE2-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_poster[CVAE2-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_prior[AE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_prior[AE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_prior[CE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_prior[CE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_prior[VAE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_prior[VAE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_prior[CVAE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_prior[CVAE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_prior[GAN-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_prior[GAN-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_prior[CGAN-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_prior[CGAN-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_prior[VAE2-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_prior[VAE2-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_prior[CVAE2-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_forward_prior[CVAE2-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster0[AE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster0[AE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster0[CE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster0[CE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster0[VAE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster0[VAE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster0[CVAE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster0[CVAE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster0[GAN-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster0[GAN-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster0[CGAN-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster0[CGAN-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster0[VAE2-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster0[VAE2-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster0[CVAE2-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster0[CVAE2-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster1[AE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster1[AE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster1[CE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster1[CE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster1[VAE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster1[VAE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster1[CVAE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster1[CVAE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster1[GAN-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster1[GAN-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster1[CGAN-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster1[CGAN-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster1[VAE2-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster1[VAE2-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster1[CVAE2-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_poster1[CVAE2-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior0[AE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior0[AE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior0[CE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior0[CE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior0[VAE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior0[VAE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior0[CVAE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior0[CVAE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior0[GAN-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior0[GAN-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior0[CGAN-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior0[CGAN-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior0[VAE2-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior0[VAE2-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior0[CVAE2-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior0[CVAE2-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior1[AE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior1[AE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior1[CE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior1[CE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior1[VAE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior1[VAE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior1[CVAE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior1[CVAE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior1[GAN-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior1[GAN-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior1[CGAN-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior1[CGAN-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior1[VAE2-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior1[VAE2-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior1[CVAE2-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_backward_prior1[CVAE2-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_benchmark[AE-0-c-0] - ...
FAILED tests/test_models.py::TestGridGenerator::test_gen_benchmark[AE-1-c-0] - ...
FAILED tests/test_models.py::TestGridGenerator::test_gen_benchmark[CE-0-c-0] - ...
FAILED tests/test_models.py::TestGridGenerator::test_gen_benchmark[CE-1-c-0] - ...
FAILED tests/test_models.py::TestGridGenerator::test_gen_benchmark[VAE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_benchmark[VAE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_benchmark[CVAE-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_benchmark[CVAE-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_benchmark[GAN-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_benchmark[GAN-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_benchmark[CGAN-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_benchmark[CGAN-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_benchmark[VAE2-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_benchmark[VAE2-1-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_benchmark[CVAE2-0-c-0]
FAILED tests/test_models.py::TestGridGenerator::test_gen_benchmark[CVAE2-1-c-0]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_poster[AE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_poster[CE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_poster[VAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_poster[CVAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_poster[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_poster[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_poster[VAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_poster[CVAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_prior[VAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_prior[CVAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_prior[GAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_prior[CGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_prior[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_prior[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_prior[VAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_prior[CVAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_poster2[VAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_poster2[CVAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_prior2[VAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_forward_prior2[CVAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_forward_real[GAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_forward_real[CGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_forward_real[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_forward_real[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_forward_poster[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_forward_poster[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_forward_prior[GAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_forward_prior[CGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_forward_prior[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_forward_prior[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_backward_poster[AE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_backward_poster[CE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_backward_poster[VAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_backward_poster[CVAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_backward_poster[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_backward_poster[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_backward_poster[VAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_backward_poster[CVAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_backward_prior[CVAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_backward_prior[GAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_backward_prior[CGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_backward_prior[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_backward_prior[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_backward_prior[CVAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_backward_poster2[VAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_backward_poster2[CVAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_backward_prior2[CVAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_backward_real[GAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_backward_real[CGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_backward_real[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_backward_real[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_backward_poster[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_backward_poster[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_backward_prior[GAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_backward_prior[CGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_backward_prior[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_backward_prior[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_step_poster[AE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_step_poster[CE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_step_poster[VAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_step_poster[CVAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_step_poster[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_step_poster[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_step_poster[VAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_step_poster[CVAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_step_prior[CVAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_step_prior[GAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_step_prior[CGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_step_prior[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_step_prior[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_gen_step_prior[CVAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_step_real[GAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_step_real[CGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_step_real[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_step_real[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_step_poster[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_step_poster[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_step_prior[GAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_step_prior[CGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_step_prior[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_disc_step_prior[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_state[AE] - Ru...
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_state[CE] - Ru...
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_state[VAE] - R...
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_state[CVAE] - ...
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_state[GAN] - R...
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_state[CGAN] - ...
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_state[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_state[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_state[VAE2] - ...
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_state[CVAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_disc[GAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_disc[CGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_disc[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_disc[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen[AE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen[CE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen[VAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen[CVAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen[GAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen[CGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen[VAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen[CVAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen_fit[AE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen_fit[CE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen_fit[VAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen_fit[CVAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen_fit[GAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen_fit[CGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen_fit[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen_fit[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen_fit[VAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_gen_fit[CVAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_models[AE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_models[CE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_models[VAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_models[CVAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_models[GAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_models[CGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_models[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_models[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_models[VAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_test_models[CVAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_gen[AE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_gen[CE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_gen[VAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_gen[CVAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_gen[GAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_gen[CGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_gen[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_gen[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_gen[VAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_gen[CVAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_disc[GAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_disc[CGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_disc[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_disc[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models[AE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models[CE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models[VAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models[CVAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models[GAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models[CGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models[VAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models[CVAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models_noup[AE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models_noup[CE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models_noup[VAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models_noup[CVAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models_noup[GAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models_noup[CGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models_noup[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models_noup[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models_noup[VAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_models_noup[CVAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_and_test[AE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_and_test[CE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_and_test[VAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_and_test[CVAE]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_and_test[GAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_and_test[CGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_and_test[VAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_and_test[CVAEGAN]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_and_test[VAE2]
FAILED tests/test_training.py::TestGenerativeSolver::test_solver_train_and_test[CVAE2]
ERROR tests/test_data.py::TestAtomGridData::test_data_init[data/test_pockets/AROK_MYCTU_1_176_0/fixed_input_1zyu_A_rec_mutants.types]
ERROR tests/test_data.py::TestAtomGridData::test_data_init[data/test_pockets/AROK_MYCTU_1_176_0/fixed_cond_1zyu_A_rec_mutants.types]
ERROR tests/test_data.py::TestAtomGridData::test_data_find_real_mol[data/test_pockets/AROK_MYCTU_1_176_0/fixed_input_1zyu_A_rec_mutants.types]
ERROR tests/test_data.py::TestAtomGridData::test_data_find_real_mol[data/test_pockets/AROK_MYCTU_1_176_0/fixed_cond_1zyu_A_rec_mutants.types]
ERROR tests/test_data.py::TestAtomGridData::test_data_forward[data/test_pockets/AROK_MYCTU_1_176_0/fixed_input_1zyu_A_rec_mutants.types]
ERROR tests/test_data.py::TestAtomGridData::test_data_forward[data/test_pockets/AROK_MYCTU_1_176_0/fixed_cond_1zyu_A_rec_mutants.types]
ERROR tests/test_data.py::TestAtomGridData::test_data_split[data/test_pockets/AROK_MYCTU_1_176_0/fixed_input_1zyu_A_rec_mutants.types]
ERROR tests/test_data.py::TestAtomGridData::test_data_split[data/test_pockets/AROK_MYCTU_1_176_0/fixed_cond_1zyu_A_rec_mutants.types]
ERROR tests/test_data.py::TestAtomGridData::test_data_no_transform - ValueError...
ERROR tests/test_data.py::TestAtomGridData::test_data_rand_rotate - ValueError:...
ERROR tests/test_data.py::TestAtomGridData::test_data_rand_translate - ValueErr...
ERROR tests/test_data.py::TestAtomGridData::test_data_diff_cond_transform - Val...
ERROR tests/test_data.py::TestAtomGridData::test_data_consecutive - ValueError:...
ERROR tests/test_data.py::TestAtomGridData::test_data_benchmark[data/test_pockets/AROK_MYCTU_1_176_0/fixed_input_1zyu_A_rec_mutants.types]
ERROR tests/test_data.py::TestAtomGridData::test_data_benchmark[data/test_pockets/AROK_MYCTU_1_176_0/fixed_cond_1zyu_A_rec_mutants.types]
ERROR tests/test_generating.py::TestGenerator::test_generator_init[data/test_pockets/AROK_MYCTU_1_176_0/fixed_input_1zyu_A_rec_mutants.types]
ERROR tests/test_generating.py::TestGenerator::test_generator_init[data/test_pockets/AROK_MYCTU_1_176_0/fixed_cond_1zyu_A_rec_mutants.types]
ERROR tests/test_generating.py::TestGenerator::test_gen_forward[data/test_pockets/AROK_MYCTU_1_176_0/fixed_input_1zyu_A_rec_mutants.types]
ERROR tests/test_generating.py::TestGenerator::test_gen_forward[data/test_pockets/AROK_MYCTU_1_176_0/fixed_cond_1zyu_A_rec_mutants.types]
ERROR tests/test_generating.py::TestGenerator::test_gen_forward2[data/test_pockets/AROK_MYCTU_1_176_0/fixed_input_1zyu_A_rec_mutants.types]
ERROR tests/test_generating.py::TestGenerator::test_gen_forward2[data/test_pockets/AROK_MYCTU_1_176_0/fixed_cond_1zyu_A_rec_mutants.types]
ERROR tests/test_generating.py::TestGenerator::test_generate[data/test_pockets/AROK_MYCTU_1_176_0/fixed_input_1zyu_A_rec_mutants.types]
ERROR tests/test_generating.py::TestGenerator::test_generate[data/test_pockets/AROK_MYCTU_1_176_0/fixed_cond_1zyu_A_rec_mutants.types]
====== 316 failed, 599 passed, 135 warnings, 23 errors in 210.03s (0:03:30) ======

I don't know if it's a cuda issue. Thanks!

Metadata

Metadata

Assignees

No one assigned

    Labels

    No labels
    No labels

    Projects

    No projects

    Milestone

    No milestone

    Relationships

    None yet

    Development

    No branches or pull requests

    Issue actions