Japanese
言語
English
Japanese
German
Korean
Portuguese, Brazilian
French
Shortcuts

注釈

当ページは、 tutorials/chemistry/05_Sampling_potential_energy_surfaces.ipynb から生成されました。

IBM Quantum lab でインタラクティブに実行します。

ポテンシャル・エネルギー面のサンプリング

はじめに

この対話的ノートブックでは、 qiskit chemistry の PES (Potential Energy Surface) サンプラー・アルゴリズムを用いて、分子の解離プロファイルを生成する方法を実演します。 Born-Oppenhemier ポテンシャル・エネルギー面 (BOPES) を使用し、変分量子固有ソルバー (VQE) を用いて、PES を計算する際の関数評価の回数を減らすために、ブートストラップと外挿を利用する方法を示します。

[1]:
# import common packages
import numpy as np
import pandas as pd
import matplotlib.pyplot as plt
from functools import partial

# qiskit
from qiskit.aqua import QuantumInstance
from qiskit import BasicAer
from qiskit.aqua.algorithms import NumPyMinimumEigensolver, VQE, IQPE
from qiskit.aqua.components.optimizers import SLSQP
from qiskit.circuit.library import ExcitationPreserving
from qiskit import BasicAer
from qiskit.aqua.algorithms import NumPyMinimumEigensolver, VQE
from qiskit.aqua.components.optimizers import SLSQP

# chemistry components
from qiskit.chemistry.components.initial_states import HartreeFock
from qiskit.chemistry.components.variational_forms import UCCSD
from qiskit.chemistry.drivers import PySCFDriver, UnitsType
from qiskit.chemistry.core import Hamiltonian, TransformationType, QubitMappingType
from qiskit.aqua.algorithms import VQAlgorithm, VQE, MinimumEigensolver
from qiskit.chemistry.transformations import FermionicTransformation
from qiskit.chemistry.drivers import PySCFDriver
from qiskit.chemistry.algorithms.ground_state_solvers import GroundStateEigensolver
from qiskit.chemistry.algorithms.pes_samplers.bopes_sampler import BOPESSampler
from qiskit.chemistry.drivers.molecule import Molecule
from qiskit.chemistry.algorithms.pes_samplers.extrapolator import *

import warnings
warnings.simplefilter('ignore', np.RankWarning)

ここでは、 H2 分子をテスト用のモデル系として使用します。

[2]:
ft = FermionicTransformation()
driver = PySCFDriver()
solver = VQE(quantum_instance=
             QuantumInstance(backend=BasicAer.get_backend('statevector_simulator')))
me_gsc = GroundStateEigensolver(ft, solver)
[3]:
stretch1 = partial(Molecule.absolute_stretching, atom_pair=(1, 0))
mol = Molecule(geometry=[('H', [0., 0., 0.]),
                        ('H', [0., 0., 0.3])],
                       degrees_of_freedom=[stretch1],
                       )

# pass molecule to PSYCF driver
driver = PySCFDriver(molecule=mol)
[4]:
print(mol.geometry)
[('H', [0.0, 0.0, 0.0]), ('H', [0.0, 0.0, 0.3])]

absolute_stretching 自由度に沿った分子の摂動

[5]:
mol.perturbations = [0.2]
print(mol.geometry)

mol.perturbations = [0.6]
print(mol.geometry)
[('H', [0.0, 0.0, 0.0]), ('H', [0.0, 0.0, 0.5])]
[('H', [0.0, 0.0, 0.0]), ('H', [0.0, 0.0, 0.8999999999999999])]

BOPES サンプラーを用いて、結合解離プロファイルを計算する

ここでは、BOPES サンプラーと呼ばれる組み込み型に、分子の情報と VQE を渡します。 BOPES サンプラーにより、指定された自由度や点の組について、ポテンシャル・エネルギー面の計算が可能できます。

まず、ブートストラップなしの場合とありの場合を比較します。

Bootstrapping the BOPES sampler involves utilizing the optimal variational parameters for a given degree of freedom, say r (ex. interatomic distance) as the initial point for VQE at a later degree of freedom, say r + \(\epsilon\). By default, if bootstrapping is set to True, all previous optimal parameters are used as initial points for the next runs.

[7]:
distance1 = partial(Molecule.absolute_distance, atom_pair=(1, 0))
mol = Molecule(geometry=[('H', [0., 0., 0.]),
                        ('H', [0., 0., 0.3])],
                       degrees_of_freedom=[distance1],
                       )

# pass molecule to PSYCF driver
driver = PySCFDriver(molecule=mol)

# Specify degree of freedom (points of interest)
points = np.linspace(0.25, 2, 30)
results_full = {} # full dictionary of results for each condition
results = {} # dictionary of (point,energy) results for each condition
conditions = {False: 'no bootstrapping', True: 'bootstrapping'}


for value, bootstrap in conditions.items():
    # define instance to sampler
    bs = BOPESSampler(
        gss=me_gsc
        ,bootstrap=value
        ,num_bootstrap=None
        ,extrapolator=None)
    # execute
    res = bs.sample(driver,points)
    results_full[f'{bootstrap}'] =  res.raw_results
    results[f'points_{bootstrap}'] = res.points
    results[f'energies_{bootstrap}'] = res.energies

古典固有値ソルバーとの比較

[8]:
# define numpy solver
solver_numpy = NumPyMinimumEigensolver()
me_gsc_numpy = GroundStateEigensolver(ft, solver_numpy)
bs_classical = BOPESSampler(
               gss=me_gsc_numpy
               ,bootstrap=False
               ,num_bootstrap=None
               ,extrapolator=None)
# execute
res_np = bs_classical.sample(driver, points)
results_full['np'] =  res_np.raw_results
results['points_np'] = res_np.points
results['energies_np'] = res_np.energies

結果のプロット

[9]:
fig = plt.figure()
for value, bootstrap in conditions.items():
    plt.plot(results[f'points_{bootstrap}'], results[f'energies_{bootstrap}'], label = f'{bootstrap}')
plt.plot(results['points_np'], results['energies_np'], label = 'numpy')
plt.legend()
plt.title('Dissociation profile')
plt.xlabel('Interatomic distance')
plt.ylabel('Energy')
[9]:
Text(0, 0.5, 'Energy')
../../_images/tutorials_chemistry_05_Sampling_potential_energy_surfaces_15_1.png

評価回数の比較

[10]:
for condition, result_full in results_full.items():
    print(condition)
    print('Total evaluations for ' + condition + ':')
    sum = 0
    for key in result_full:
        if condition is not 'np':
            sum += result_full[key]['raw_result']['cost_function_evals']
        else:
            sum = 0
    print(sum)
no bootstrapping
Total evaluations for no bootstrapping:
2931
bootstrapping
Total evaluations for bootstrapping:
991
np
Total evaluations for np:
0

外挿

ここでは、指定した関数に各 (param, point) の組をフィッティングし、次の点 (自由度) の初期パラメーターの組を提案する外挿器を追加しています。

  • 外挿器は、外部の外挿器が ‘window’ 、つまり外挿に使用する前の点の数を設定し、内部の外挿器が実際の外挿を進めるという手順に基づいています。

  • 実際には、ユーザーはブートストラップに使用する前の点の数である整数をnum_bootstrap に指定して、ウィンドウを設定します。さらに、外部の外挿器がどのように外挿を行うのか、空間を定義します。ここでは、 PCA, クラスタリング、標準ウィンドウ・アプローチです。

実際には、外挿器が定義されておらず bootstrapping が True となっている場合、前の全ての点がブートストラップされます。外挿器のリストが定義されていてブートストラップの点が指定されていない場合には、外挿は全て前の点に基づいて行われます。

  1. Window Extrapolator: 別の外挿器をラップする外挿器で、内部の外挿器の正解パラメーターを固定されたウィンドウ・サイズに限定します。

  2. PCA Extrapolator: PCA によって点の次元を削減し、変換された PCA 空間で外挿を行って、結果を返す前に逆変換を施すラッパー外挿器です。

  3. Sieve Extrapolator: 外挿を行って、外挿されたパラメーター値を値の大小に応じて二つのクラスターにクラスタリングし、値が小さい方のクラスターのパラメーターをゼロに設定するラッパー外挿器です。

  4. Polynomial Extrapolator: ユーザーが指定した次数の多項式関数への、各パラメーターのフィッティングに基づく外挿器です。

  5. Differential Extrapolator: 各パラメーター集合を空間内の点として扱って次の点のパラメーター集合を予測する回帰に基づいた外挿器です。ユーザーが指定した次数に応じて、線形回帰の訓練データの特徴量として機能する点ベクトルの値に微分が加えられます。

ここでは、二つの異なる外挿手法を試します。

[11]:
# define different extrapolators
degree = 1
extrap_poly = Extrapolator.factory("poly", degree = degree)
extrap_diff = Extrapolator.factory("diff_model", degree = degree)
extrapolators = {'poly': extrap_poly, 'diff_model': extrap_diff}

for key in extrapolators:
    extrap_internal = extrapolators[key]
    extrap = Extrapolator.factory("window", extrapolator = extrap_internal)
    # define extrapolator
    # BOPES sampler
    bs_extr = BOPESSampler(
        gss=me_gsc
        ,bootstrap=True
        ,num_bootstrap=None
        ,extrapolator=extrap)
    # execute
    res = bs_extr.sample(driver, points)

    results_full[f'{key}']= res.raw_results
    results[f'points_{key}'] = res.points
    results[f'energies_{key}'] = res.energies

結果のプロット

[12]:
fig = plt.figure()
for value, bootstrap in conditions.items():
    plt.plot(results[f'points_{bootstrap}'], results[f'energies_{bootstrap}'], label = f'{bootstrap}')
plt.plot(results['points_np'], results['energies_np'], label = 'numpy')
for condition in extrapolators.keys():
    print(condition)
    plt.plot(results[f'points_{condition}'], results[f'energies_{condition}'], label = condition)
plt.legend()
plt.title('Dissociation profile')
plt.xlabel('Interatomic distance')
plt.ylabel('Energy')
poly
diff_model
[12]:
Text(0, 0.5, 'Energy')
../../_images/tutorials_chemistry_05_Sampling_potential_energy_surfaces_23_2.png

評価回数の比較

[13]:
for condition, result_full in results_full.items():
    print(condition)
    print('Total evaluations for ' + condition + ':')
    sum = 0
    for key in results_full[condition].keys():
        if condition is not 'np':
                sum += results_full[condition][key]['raw_result']['cost_function_evals']
        else:
                sum = 0
    print(sum)
no bootstrapping
Total evaluations for no bootstrapping:
2931
bootstrapping
Total evaluations for bootstrapping:
991
np
Total evaluations for np:
0
poly
Total evaluations for poly:
563
diff_model
Total evaluations for diff_model:
1089
[14]:
import qiskit.tools.jupyter
%qiskit_version_table
%qiskit_copyright

Version Information

Qiskit SoftwareVersion
Qiskit0.23.6
Terra0.16.4
Aer0.7.5
Ignis0.5.2
Aqua0.8.2
IBM Q Provider0.11.1
System information
Python3.8.6 | packaged by conda-forge | (default, Jan 25 2021, 23:21:18) [GCC 9.3.0]
OSLinux
CPUs8
Memory (Gb)31.409000396728516
Tue Feb 23 18:07:35 2021 UTC

This code is a part of Qiskit

© Copyright IBM 2017, 2021.

This code is licensed under the Apache License, Version 2.0. You may
obtain a copy of this license in the LICENSE.txt file in the root directory
of this source tree or at http://www.apache.org/licenses/LICENSE-2.0.

Any modifications or derivative works of this code must retain this
copyright notice, and modified files need to carry a notice indicating
that they have been altered from the originals.

[ ]: