netket.vqs.MCState#

class netket.vqs.MCState[source]#

Bases: VariationalState

Variational State for a Variational Neural Quantum State.

The state is sampled according to the provided sampler.

Inheritance
Inheritance diagram of netket.vqs.MCState
__init__(sampler, model=None, *, n_samples=None, n_samples_per_rank=None, n_discard_per_chain=None, chunk_size=None, variables=None, init_fun=None, apply_fun=None, seed=None, sampler_seed=None, mutable=False, training_kwargs={})[source]#

Constructs the MCState.

Parameters:
  • sampler (Sampler) – The sampler

  • model – (Optional) The neural quantum state ansatz, encoded into a model. This should be a flax.linen.Module instance, or any other supported neural network framework. If not provided, you must specify init_fun and apply_fun.

  • n_samples (Optional[int]) – the total number of samples across chains and processes when sampling (default=1000).

  • n_samples_per_rank (Optional[int]) – the total number of samples across chains on one process when sampling. Cannot be specified together with n_samples (default=None).

  • n_discard_per_chain (Optional[int]) – number of discarded samples at the beginning of each monte-carlo chain (default=0 for exact sampler, and n_samples/10 for approximate sampler).

  • seed (Union[int, Any, None]) – rng seed used to generate a set of parameters (only if parameters is not passed). Defaults to a random one.

  • sampler_seed (Union[int, Any, None]) – rng seed used to initialise the sampler. Defaults to a random one.

  • mutable (Union[bool, str, Collection[str], DenyList]) – Name or list of names of mutable arguments. Use it to specify if the model has a state that can change during evaluation, but that should not be optimised. See also flax.linen.Module.apply() documentation (default=False)

  • init_fun (Optional[Callable[[Any, Sequence[int], Any], Union[ndarray, Array]]]) – Function of the signature f(model, shape, rng_key, dtype) -> Optional_state, parameters used to initialise the parameters. Defaults to the standard flax initialiser. Only specify if your network has a non-standard init method.

  • variables (Optional[Any]) – Optional initial value for the variables (parameters and model state) of the model.

  • apply_fun (Optional[Callable]) – Function of the signature f(model, variables, Οƒ) that should evaluate the model. Defaults to model.apply(variables, Οƒ). specify only if your network has a non-standard apply method.

  • training_kwargs (dict) – a dict containing the optional keyword arguments to be passed to the apply_fun during training. Useful for example when you have a batchnorm layer that constructs the average/mean only during training.

  • chunk_size (Optional[int]) – (Defaults to None) If specified, calculations are split into chunks where the neural network is evaluated at most on chunk_size samples at once. This does not change the mathematical results, but will trade a higher computational cost for lower memory cost.

Attributes
chain_length#

Length of the markov chain used for sampling configurations.

If running under MPI, the total samples will be n_nodes * chain_length * n_batches.

chunk_size#

Suggested maximum size of the chunks used in forward and backward evaluations of the Neural Network model.

If your inputs are smaller than the chunk size this setting is ignored.

This can be used to lower the memory required to run a computation with a very high number of samples or on a very large lattice. Notice that inputs and outputs must still fit in memory, but the intermediate computations will now require less memory.

This option comes at an increased computational cost. While this cost should be negligible for large-enough chunk sizes, don’t use it unless you are memory bound!

This option is an hint: only some operations support chunking. If you perform an operation that is not implemented with chunking support, it will fall back to no chunking. To check if this happened, set the environment variable NETKET_DEBUG=1.

hilbert#

The descriptor of the Hilbert space on which this variational state is defined.

model#

Returns the model definition of this variational state.

This field is optional, and is set to None if the variational state has been initialized using a custom function.

model_state: Optional[Any]#

An Optional PyTree encoding a mutable state of the model that is not trained.

n_discard_per_chain#

Number of discarded samples at the beginning of the markov chain.

n_parameters#

The total number of parameters in the model.

n_samples#

The total number of samples generated at every sampling step.

n_samples_per_rank#

The number of samples generated on every jax device or MPI rank at every sampling step.

parameters#

The pytree of the parameters of the model.

sampler#

The Monte Carlo sampler used by this Monte Carlo variational state.

samples#

Returns the set of cached samples.

The samples returned are guaranteed valid for the current state of the variational state. If no cached parameters are available, then they are sampled first and then cached.

To obtain a new set of samples either use reset() or sample().

variables#

The PyTree containing the parameters and state of the model, used when evaluating it.

sampler_state: SamplerState#

The current state of the sampler.

Methods
expect(O)[source]#

Estimates the quantum expectation value for a given operator \(O\) or generic observable. In the case of a pure state \(\psi\) and an operator, this is \(\langle O\rangle= \langle \Psi|O|\Psi\rangle/\langle\Psi|\Psi\rangle\) otherwise for a mixed state \(\rho\), this is \(\langle O\rangle= \textrm{Tr}[\rho \hat{O}]/\textrm{Tr}[\rho]\).

Parameters:

O (AbstractOperator) – the operator or observable for which to compute the expectation value.

Return type:

Stats

Returns:

An estimation of the quantum expectation value \(\langle O\rangle\).

expect_and_forces(O, *, mutable=None)[source]#

Estimates the quantum expectation value and the corresponding force vector for a given operator O.

The force vector \(F_j\) is defined as the covariance of log-derivative of the trial wave function and the local estimators of the operator. For complex holomorphic states, this is equivalent to the expectation gradient \(\frac{\partial\langle O\rangle}{\partial(\theta_j)^\star} = F_j\). For real-parameter states, the gradient is given by \(\frac{\partial\partial_j\langle O\rangle}{\partial\partial_j\theta_j} = 2 \textrm{Re}[F_j]\).

Parameters:
  • O (AbstractOperator) – The operator O for which expectation value and force are computed.

  • mutable (Union[bool, str, Collection[str], DenyList, None]) – Can be bool, str, or list. Specifies which collections in the model_state should be treated as mutable: bool: all/no collections are mutable. str: The name of a single mutable collection. list: A list of names of mutable collections. This is used to mutate the state of the model while you train it (for example to implement BatchNorm. Consult Flax’s Module.apply documentation for a more in-depth explanation).

Return type:

tuple[Stats, Any]

Returns:

An estimate of the quantum expectation value <O>. An estimate of the force vector \(F_j = \textrm{Cov}[\partial_j\log\psi, O_{\textrm{loc}}]\).

expect_and_grad(O, *, mutable=None, **kwargs)[source]#

Estimates the quantum expectation value and its gradient for a given operator \(O\).

Parameters:
  • O (AbstractOperator) – The operator \(O\) for which expectation value and gradient are computed.

  • mutable (Union[bool, str, Collection[str], DenyList, None]) –

    Can be bool, str, or list. Specifies which collections in the model_state should be treated as mutable: bool: all/no collections are mutable. str: The name of a single mutable collection. list: A list of names of mutable collections. This is used to mutate the state of the model while you train it (for example to implement BatchNorm. Consult Flax’s Module.apply documentation for a more in-depth explanation).

  • use_covariance – whether to use the covariance formula, usually reserved for hermitian operators, \(\textrm{Cov}[\partial\log\psi, O_{\textrm{loc}}\rangle]\)

Return type:

tuple[Stats, Any]

Returns:

An estimate of the quantum expectation value <O>. An estimate of the gradient of the quantum expectation value <O>.

grad(Γ”, *, use_covariance=None, mutable=None)#

Estimates the gradient of the quantum expectation value of a given operator O.

Parameters:
Returns:

An estimation of the average gradient of the quantum expectation value <O>.

Return type:

array

init(seed=None, dtype=None)[source]#

Initialises the variational parameters of the variational state.

init_parameters(init_fun=None, *, seed=None)#

Re-initializes all the parameters with the provided initialization function, defaulting to the normal distribution of standard deviation 0.01.

Warning

The init function will not change the dtype of the parameters, which is determined by the model. DO NOT SPECIFY IT INSIDE THE INIT FUNCTION

Parameters:
  • init_fun (Optional[Callable[[Any, Sequence[int], Any], Union[ndarray, Array]]]) – a jax initializer such as jax.nn.initializers.normal(). Must be a Callable taking 3 inputs, the jax PRNG key, the shape and the dtype, and outputting an array with the valid dtype and shape. If left unspecified, defaults to jax.nn.initializers.normal(stddev=0.01)

  • seed (Optional[Any]) – Optional seed to be used. The seed is synced across all MPI processes. If unspecified, uses a random seed.

local_estimators(op, *, chunk_size=None)[source]#

Compute the local estimators for the operator op (also known as local energies when op is the Hamiltonian) at the current configuration samples self.samples.

\[O_\mathrm{loc}(s) = \frac{\langle s | \mathtt{op} | \psi \rangle}{\langle s | \psi \rangle}\]

Warning

The samples differ between MPI processes, so returned the local estimators will also take different values on each process. To compute sample averages and similar quantities, you will need to perform explicit operations over all MPI ranks. (Use functions like self.expect to get process-independent quantities without manual reductions.)

Parameters:
  • op (AbstractOperator) – The operator.

  • chunk_size (Optional[int]) – Suggested maximum size of the chunks used in forward and backward evaluations of the model. (Default: self.chunk_size)

log_value(Οƒ)[source]#

Evaluate the variational state for a batch of states and returns the logarithm of the amplitude of the quantum state.

For pure states, this is \(\log(\langle\sigma|\psi\rangle)\), whereas for mixed states this is \(\log(\langle\sigma_r|\rho|\sigma_c\rangle)\), where \(\psi\) and \(\rho\) are respectively a pure state (wavefunction) and a mixed state (density matrix). For the density matrix, the left and right-acting states (row and column) are obtained as Οƒr=Οƒ[::,0:N] and Οƒc=Οƒ[::,N:].

Given a batch of inputs (Nb, N), returns a batch of outputs (Nb,).

Return type:

Array

Parameters:

Οƒ (Array)

quantum_geometric_tensor(qgt_T=None)[source]#

Computes an estimate of the quantum geometric tensor G_ij. This function returns a linear operator that can be used to apply G_ij to a given vector or can be converted to a full matrix.

Parameters:

qgt_T (Optional[LinearOperator]) – the optional type of the quantum geometric tensor. By default it’s automatically selected.

Returns:

A linear operator representing the quantum geometric tensor.

Return type:

nk.optimizer.LinearOperator

reset()[source]#

Resets the sampled states. This method is called automatically every time that the parameters/state is updated.

sample(*, chain_length=None, n_samples=None, n_discard_per_chain=None)[source]#

Sample a certain number of configurations.

If one among chain_length or n_samples is defined, that number of samples are generated. Otherwise the value set internally is used.

Parameters:
  • chain_length (Optional[int]) – The length of the markov chains.

  • n_samples (Optional[int]) – The total number of samples across all MPI ranks.

  • n_discard_per_chain (Optional[int]) – Number of discarded samples at the beginning of the markov chain.

Return type:

Array

to_array(normalize=True)[source]#

Returns the dense-vector representation of this state.

Parameters:

normalize (bool) – If True, the vector is normalized to have L2-norm 1.

Return type:

Array

Returns:

An exponentially large vector representing the state in the computational basis.

to_qobj()#

Convert the variational state to a qutip’s ket Qobj.

Returns:

A qutip.Qobj object.