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

注釈

当ページは tutorials/finance/08_fixed_income_pricing.ipynb. から生成されました。

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

Pricing Fixed-Income Assets

はじめに

我々は金利の確率分布が分かっている固定収入資産の価格推定をします。資産のキャッシュフロー \(c_t\) とキャッシュフローの期日は既知とします。資産の合計価値 \(V\) は次の期待値になります:

\[V = \sum_{t=1}^T \frac{c_t}{(1+r_t)^t}\]

各キャッシュフローは、満期日に依存する、金利 \(r_t\) のゼロ・クーポン債として扱われます。ユーザーは各 \(r_t\) の(相関する可能性がある)不確実性モデルの確率分布と、サンプルに使う量子ビット数を指定しなければなりません。この例では我々は資産価値を金利:math:`r_t`の一次まで展開します。これは資産を期間の観点で調査することにあたります。目的関数の近似は次の論文に従います:Quantum Risk Analysis. Woerner, Egger. 2018。

[1]:
import matplotlib.pyplot as plt
%matplotlib inline
import numpy as np
from qiskit import Aer, QuantumCircuit
from qiskit.aqua.algorithms import IterativeAmplitudeEstimation
from qiskit.circuit.library import NormalDistribution
[2]:
backend = Aer.get_backend('statevector_simulator')

不確実性モデル

我々は \(d\) 次元多変量正規分布を量子状態にロードする回路ファクトリを作ります。分布は所与の区間 \(\otimes_{i=1}^d [low_i, high_i]\) に切り詰め、 \(2^{n_i}\) のグリッドで離散化します。ここで \(n_i\)\(i = 1,\ldots, d\) 次元で使用される量子ビット数です。回路ファクトリを実装するユニタリー演算子は次のようになります:

\[\big|0\rangle_{n_1}\ldots\big|0\rangle_{n_d} \mapsto \big|\psi\rangle = \sum_{i_1=0}^{2^n_-1}\ldots\sum_{i_d=0}^{2^n_-1} \sqrt{p_{i_1,...,i_d}}\big|i_1\rangle_{n_1}\ldots\big|i_d\rangle_{n_d},\]

ここで \(p_{i_1, ..., i_d}\) は、切り捨てられ離散化された分布を与える確率を表し、 \(i_j\) はアフィン写像で得られた正しい区間 \([low_j, high_j]\) です。

\[\{0, \ldots, 2^{n_{j}}-1\} \ni i_j \mapsto \frac{high_j - low_j}{2^{n_j} - 1} * i_j + low_j \in [low_j, high_j].\]

不確実性モデルに加えて、我々はアフィン写像を適用することもできます。例えば、主成分分析などが挙げられます。使用される金利は以下で与えられます。

\[\vec{r} = A * \vec{x} + b,\]

ここで \(\vec{x} \in \otimes_{i=1}^d [low_i, high_i]\) は与えられた確率分布に従います。

[3]:
# can be used in case a principal component analysis has been done to derive the uncertainty model, ignored in this example.
A = np.eye(2)
b = np.zeros(2)

# specify the number of qubits that are used to represent the different dimenions of the uncertainty model
num_qubits = [2, 2]

# specify the lower and upper bounds for the different dimension
low = [0, 0]
high = [0.12, 0.24]
mu = [0.12, 0.24]
sigma = 0.01*np.eye(2)

# construct corresponding distribution
bounds = list(zip(low, high))
u = NormalDistribution(num_qubits, mu, sigma, bounds)
[4]:
# plot contour of probability density function
x = np.linspace(low[0], high[0], 2**num_qubits[0])
y = np.linspace(low[1], high[1], 2**num_qubits[1])
z = u.probabilities.reshape(2**num_qubits[0], 2**num_qubits[1])
plt.contourf(x, y, z)
plt.xticks(x, size=15)
plt.yticks(y, size=15)
plt.grid()
plt.xlabel('$r_1$ (%)', size=15)
plt.ylabel('$r_2$ (%)', size=15)
plt.colorbar()
plt.show()
../../_images/tutorials_finance_08_fixed_income_pricing_6_0.png

キャッシュフロー、ペイオフ関数、そして正確な期待値

以下では、期間あたりのキャッシュフロー、結果として得られるペイオフ関数を定義し、正確な期待値を評価します。

ペイオフ関数は、最初に一次近似を使用しますが、その後 ヨーロピアン・コール・オプション のペイオフ関数の線形部分と同じ近似テクニックを適用します。

[5]:
# specify cash flow
cf = [1.0, 2.0]
periods = range(1, len(cf) + 1)

# plot cash flow
plt.bar(periods, cf)
plt.xticks(periods, size=15)
plt.yticks(size=15)
plt.grid()
plt.xlabel('periods', size=15)
plt.ylabel('cashflow ($)', size=15)
plt.show()
../../_images/tutorials_finance_08_fixed_income_pricing_8_0.png
[6]:
# estimate real value
cnt = 0
exact_value = 0.0
for x1 in np.linspace(low[0], high[0], pow(2, num_qubits[0])):
    for x2 in np.linspace(low[1], high[1], pow(2, num_qubits[1])):
        prob = u.probabilities[cnt]
        for t in range(len(cf)):
            # evaluate linear approximation of real value w.r.t. interest rates
            exact_value += prob * (cf[t]/pow(1 + b[t], t+1) - (t+1)*cf[t]*np.dot(A[:, t], np.asarray([x1, x2]))/pow(1 + b[t], t+2))
        cnt += 1
print('Exact value:    \t%.4f' % exact_value)
Exact value:            2.1942
[7]:
# specify approximation factor
c_approx = 0.125

# get fixed income circuit appfactory
from qiskit.finance.applications import FixedIncomeExpectedValue
fixed_income = FixedIncomeExpectedValue(num_qubits, A, b, cf, c_approx, bounds)
[8]:
fixed_income.draw()
[8]:
q_0: ───────────────────■──────────────────────────────────────────────────
                        │
q_1: ───────────────────┼─────────────■────────────────────────────────────
                        │             │
q_2: ───────────────────┼─────────────┼─────────────■──────────────────────
                        │             │             │
q_3: ───────────────────┼─────────────┼─────────────┼─────────────■────────
     ┌───────────┐┌─────┴──────┐┌─────┴──────┐┌─────┴─────┐┌──────┴───────┐
q_4: ┤ RY(9π/16) ├┤ RY(-π/216) ├┤ RY(-π/108) ├┤ RY(-π/27) ├┤ RY(-0.23271) ├
     └───────────┘└────────────┘└────────────┘└───────────┘└──────────────┘
[9]:
state_preparation = QuantumCircuit(fixed_income.num_qubits)

# load probability distribution
state_preparation.append(u, range(u.num_qubits))

# apply function
state_preparation.append(fixed_income, range(fixed_income.num_qubits))

state_preparation.draw()
[9]:
     ┌───────┐┌────┐
q_0: ┤0      ├┤0   ├
     │       ││    │
q_1: ┤1      ├┤1   ├
     │  P(X) ││    │
q_2: ┤2      ├┤2 F ├
     │       ││    │
q_3: ┤3      ├┤3   ├
     └───────┘│    │
q_4: ─────────┤4   ├
              └────┘
[10]:
# set target precision and confidence level
epsilon = 0.01
alpha = 0.05

# set objective qubit
objective = u.num_qubits

# construct amplitude estimation
ae = IterativeAmplitudeEstimation(epsilon=epsilon, alpha=alpha,
                                  state_preparation=state_preparation,
                                  objective_qubits=[objective],
                                  post_processing=fixed_income.post_processing)
[11]:
result = ae.run(quantum_instance=Aer.get_backend('qasm_simulator'), shots=100)
[12]:
conf_int = np.array(result['confidence_interval'])
print('Exact value:        \t%.4f' % exact_value)
print('Estimated value:    \t%.4f' % (result['estimation']))
print('Confidence interval:\t[%.4f, %.4f]' % tuple(conf_int))
Exact value:            2.1942
Estimated value:        2.3404
Confidence interval:    [2.3094, 2.3714]
[13]:
import qiskit.tools.jupyter
%qiskit_version_table
%qiskit_copyright

Version Information

Qiskit SoftwareVersion
Qiskit0.23.3
Terra0.16.2
Aer0.7.3
Ignis0.5.1
Aqua0.8.1
IBM Q Provider0.11.1
System information
Python3.8.5 (default, Sep 4 2020, 07:30:14) [GCC 7.3.0]
OSLinux
CPUs2
Memory (Gb)3.736370086669922
Thu Jan 28 13:33:57 2021 IST

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.

[ ]: