Skip to content

Commit

Permalink
unused import in test
Browse files Browse the repository at this point in the history
  • Loading branch information
NicoRenaud committed Nov 28, 2023
1 parent 0fe3590 commit 9784ea1
Show file tree
Hide file tree
Showing 27 changed files with 9 additions and 38 deletions.
3 changes: 0 additions & 3 deletions tests/solver/test_base_solver.py
Original file line number Diff line number Diff line change
@@ -1,8 +1,5 @@
import unittest

import numpy as np
import torch
import torch.optim as optim


class BaseTestSolvers:
Expand Down
1 change: 0 additions & 1 deletion tests/solver/test_h2_adf_jacobi.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,5 @@
import unittest

import numpy as np
import torch
import torch.optim as optim

Expand Down
4 changes: 0 additions & 4 deletions tests/solver/test_h2_pyscf_geo_opt.py
Original file line number Diff line number Diff line change
Expand Up @@ -6,10 +6,6 @@


from qmctorch.sampler import Metropolis
from qmctorch.utils.plot_data import (plot_block, plot_blocking_energy,
plot_correlation_coefficient,
plot_integrated_autocorrelation_time,
plot_walkers_traj)
from qmctorch.scf import Molecule
from qmctorch.wavefunction.slater_jastrow import SlaterJastrow
from qmctorch.wavefunction.jastrows.elec_elec import JastrowFactor, PadeJastrowKernel
Expand Down
1 change: 0 additions & 1 deletion tests/solver/test_h2_pyscf_metropolis.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,3 @@
from qmctorch.wavefunction import jastrows
import unittest

import numpy as np
Expand Down
1 change: 0 additions & 1 deletion tests/solver/test_lih_pyscf_backflow.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,3 @@
from tests.wavefunction.test_slaterjastrow import TestSlaterJastrow
import unittest

import numpy as np
Expand Down
1 change: 0 additions & 1 deletion tests/solver/test_lih_pyscf_compare_backflow.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,3 @@
from tests.wavefunction.test_slaterjastrow import TestSlaterJastrow
import unittest

import numpy as np
Expand Down
1 change: 0 additions & 1 deletion tests/solver/test_lih_pyscf_generic_backflow.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,3 @@
from tests.wavefunction.test_slaterjastrow import TestSlaterJastrow
import unittest

import numpy as np
Expand Down
1 change: 0 additions & 1 deletion tests/solver/test_lih_pyscf_orbital_dependent_backflow.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,3 @@
from tests.wavefunction.test_slaterjastrow import TestSlaterJastrow
import unittest

import numpy as np
Expand Down
1 change: 0 additions & 1 deletion tests/wavefunction/base_test_cases.py
Original file line number Diff line number Diff line change
@@ -1,7 +1,6 @@
import unittest
from torch.autograd import grad, gradcheck, Variable

import numpy as np
import torch


Expand Down
Original file line number Diff line number Diff line change
@@ -1,5 +1,5 @@
import torch
from torch.autograd import Variable, grad, gradcheck
from torch.autograd import Variable, grad
from qmctorch.wavefunction.jastrows.distance import ElectronElectronDistance
import unittest

Expand Down
Original file line number Diff line number Diff line change
@@ -1,7 +1,6 @@
import unittest
from torch.autograd import grad, gradcheck, Variable

import numpy as np
import torch


Expand Down
1 change: 0 additions & 1 deletion tests/wavefunction/jastrows/elec_elec_nuc/test_hess.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,4 @@
import torch
from torch import nn
from torch.autograd import grad
from torch.autograd.variable import Variable

Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -2,7 +2,7 @@
from types import SimpleNamespace
import numpy as np
import torch
from torch.autograd import Variable, grad, gradcheck
from torch.autograd import Variable, grad
from qmctorch.wavefunction.jastrows.elec_elec_nuclei.jastrow_factor_electron_electron_nuclei import JastrowFactorElectronElectronNuclei
from qmctorch.wavefunction.jastrows.elec_elec_nuclei.kernels.boys_handy_jastrow_kernel import BoysHandyJastrowKernel

Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -2,7 +2,7 @@
from types import SimpleNamespace
import numpy as np
import torch
from torch.autograd import Variable, grad, gradcheck
from torch.autograd import Variable, grad
from qmctorch.wavefunction.jastrows.elec_elec_nuclei.jastrow_factor_electron_electron_nuclei import JastrowFactorElectronElectronNuclei
from qmctorch.wavefunction.jastrows.elec_elec_nuclei.kernels.fully_connected_jastrow_kernel import FullyConnectedJastrowKernel

Expand Down
2 changes: 1 addition & 1 deletion tests/wavefunction/jastrows/test_combined_terms.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,7 @@
from qmctorch.wavefunction.jastrows.jastrow_factor_combined_terms import JastrowFactorCombinedTerms
from qmctorch.wavefunction.jastrows.elec_elec.kernels import PadeJastrowKernel as PadeJastrowKernelElecElec
from qmctorch.wavefunction.jastrows.elec_nuclei.kernels import PadeJastrowKernel as PadeJastrowKernelElecNuc
from qmctorch.wavefunction.jastrows.elec_elec_nuclei.kernels import BoysHandyJastrowKernel, FullyConnectedJastrowKernel
from qmctorch.wavefunction.jastrows.elec_elec_nuclei.kernels import BoysHandyJastrowKernel

torch.set_default_tensor_type(torch.DoubleTensor)

Expand Down
Original file line number Diff line number Diff line change
@@ -1,7 +1,6 @@
import unittest

import torch
from pyscf import gto
from torch import nn
from torch.autograd import Variable, grad
import numpy as np
Expand Down
Original file line number Diff line number Diff line change
@@ -1,8 +1,7 @@
import unittest

import torch
from pyscf import gto
from torch.autograd import Variable, grad, gradcheck
from torch.autograd import Variable, grad
import numpy as np

from qmctorch.scf import Molecule
Expand Down
Original file line number Diff line number Diff line change
@@ -1,8 +1,7 @@
import unittest

import torch
from pyscf import gto
from torch.autograd import Variable, grad, gradcheck
from torch.autograd import Variable, grad
import numpy as np
from qmctorch.scf import Molecule
from qmctorch.wavefunction.orbitals.backflow.backflow_transformation import BackFlowTransformation
Expand Down
Original file line number Diff line number Diff line change
@@ -1,7 +1,6 @@
import unittest

import torch
from pyscf import gto
from torch.autograd import Variable, grad
import numpy as np
from qmctorch.scf import Molecule
Expand Down
1 change: 0 additions & 1 deletion tests/wavefunction/orbitals/test_ao_derivatives_adf.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,5 @@
from ...path_utils import PATH_TEST
import unittest
import numpy as np
import torch

from .base_test_ao import BaseTestAO
Expand Down
Original file line number Diff line number Diff line change
@@ -1,11 +1,9 @@
import unittest

import torch
from pyscf import gto
from torch.autograd import Variable, grad, gradcheck
from torch.autograd import Variable, grad
import numpy as np
from qmctorch.scf import Molecule
from qmctorch.wavefunction import SlaterJastrow
from qmctorch.wavefunction.orbitals.atomic_orbitals_backflow import AtomicOrbitalsBackFlow
from qmctorch.wavefunction.orbitals.backflow.backflow_transformation import BackFlowTransformation
from qmctorch.wavefunction.orbitals.backflow.kernels import BackFlowKernelInverse
Expand Down
1 change: 0 additions & 1 deletion tests/wavefunction/orbitals/test_cartesian_harmonics.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,5 @@
import unittest

import numpy as np
import torch
from torch.autograd import grad, Variable

Expand Down
Original file line number Diff line number Diff line change
@@ -1,11 +1,9 @@
import unittest

import torch
from pyscf import gto
from torch.autograd import Variable, grad, gradcheck
from torch.autograd import Variable, grad
import numpy as np
from qmctorch.scf import Molecule
from qmctorch.wavefunction import SlaterJastrow
from qmctorch.wavefunction.orbitals.atomic_orbitals_backflow import AtomicOrbitalsBackFlow
from qmctorch.wavefunction.orbitals.backflow.backflow_transformation import BackFlowTransformation
from qmctorch.wavefunction.orbitals.backflow.kernels import BackFlowKernelInverse
Expand Down
1 change: 0 additions & 1 deletion tests/wavefunction/orbitals/test_radial_gto.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,6 @@
import torch

from qmctorch.scf import Molecule
from qmctorch.wavefunction import SlaterJastrow
from qmctorch.wavefunction.orbitals.atomic_orbitals import AtomicOrbitals
from .second_derivative import second_derivative

Expand Down
1 change: 0 additions & 1 deletion tests/wavefunction/orbitals/test_radial_sto.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,7 +8,6 @@
from ...path_utils import PATH_TEST
from .second_derivative import second_derivative

import matplotlib.pyplot as plt


class TestRadialSlater(unittest.TestCase):
Expand Down
1 change: 0 additions & 1 deletion tests/wavefunction/orbitals/test_spherical_harmonics.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,5 @@
import unittest

import numpy as np
import torch

from qmctorch.wavefunction.orbitals.spherical_harmonics import Harmonics
Expand Down
2 changes: 1 addition & 1 deletion tests/wavefunction/test_slaterjastrow_ee_cusp.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,7 +9,7 @@
from qmctorch.utils import set_torch_double_precision

from qmctorch.wavefunction.jastrows.elec_elec.jastrow_factor_electron_electron import JastrowFactorElectronElectron
from qmctorch.wavefunction.jastrows.elec_elec.kernels import FullyConnectedJastrowKernel, PadeJastrowKernel
from qmctorch.wavefunction.jastrows.elec_elec.kernels import PadeJastrowKernel


torch.set_default_tensor_type(torch.DoubleTensor)
Expand Down

0 comments on commit 9784ea1

Please sign in to comment.