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

注釈

当ページは`tutorials/noise/3_measurement_error_mitigation.ipynb`__から生成されました。

Run interactively in the IBM Quantum lab.

測定エラーの軽減

はじめに

測定較正は、測定エラーを軽減するために使用されます。 主なアイデアは、すべての:math:`2^n`基底入力状態を準備し、他の基底状態での測定数の確率を計算することです。これらの較正により、関心のある別の実験の平均結果を修正することができます。このノートブックは、``ignis.mitigation.measurement``モジュールの使用例を示します。

[1]:
# Import general libraries (needed for functions)
import numpy as np
import time

# Import Qiskit classes
import qiskit
from qiskit import QuantumRegister, QuantumCircuit, ClassicalRegister, Aer
from qiskit.providers.aer import noise
from qiskit.tools.visualization import plot_histogram

# Import measurement calibration functions
from qiskit.ignis.mitigation.measurement import (complete_meas_cal, tensored_meas_cal,
                                                 CompleteMeasFitter, TensoredMeasFitter)

3量子ビットの較正行列の例

5量子ビットの量子レジスタ [Q0,Q1,Q2,Q3,Q4] のうち、3つの量子ビット Q2、Q3 および Q4 の較正行列を生成するとします。

3つの量子ビットがあるため、\(2^3=8\) 通りの量子状態が存在します。

測定較正回路の生成

まず、ヒルベルト空間全体に対する測定較正回路のリストを生成します。 それぞれの回路は基底状態を生成します。\(n=3\) 量子ビットがある場合、:math:`2^3=8`通りの較正回路が得られます。

The following function complete_meas_cal returns a list meas_calibs of QuantumCircuit objects containing the calibration circuits, and a list state_labels of the calibration state labels.

この関数への入力は、以下の3つの形式のいずれかで指定することができます。

  • qubit_list: A list of qubits to perform the measurement correction on, or:

  • qr (QuantumRegister): 量子レジスタ、または:

  • cr (ClassicalRegister): 古典レジスタ。

さらに、一意に識別するため回路名の先頭に追加される文字列 circlabel を提供することもできます。

例えば、今回のケースにおける入力は、量子ビットQ2、Q3、Q4を含む5量子ビットの``QuantumRegister``になります。:

[2]:
# Generate the calibration circuits
qr = qiskit.QuantumRegister(5)
qubit_list = [2,3,4]
meas_calibs, state_labels = complete_meas_cal(qubit_list=qubit_list, qr=qr, circlabel='mcal')

\(2^3=8\) の状態ラベル(Q2、Q3、Q4の3量子ビット)を出力します。:

[3]:
state_labels
[3]:
['000', '001', '010', '011', '100', '101', '110', '111']

較正行列の計算

ノイズを適用しない場合、較正行列は \(8 \times 8\) の単位行列であることが期待されます。

[4]:
# Execute the calibration circuits without noise
backend = qiskit.Aer.get_backend('qasm_simulator')
job = qiskit.execute(meas_calibs, backend=backend, shots=1000)
cal_results = job.result()
[5]:
# The calibration matrix without noise is the identity matrix
meas_fitter = CompleteMeasFitter(cal_results, state_labels, circlabel='mcal')
print(meas_fitter.cal_matrix)
[[1. 0. 0. 0. 0. 0. 0. 0.]
 [0. 1. 0. 0. 0. 0. 0. 0.]
 [0. 0. 1. 0. 0. 0. 0. 0.]
 [0. 0. 0. 1. 0. 0. 0. 0.]
 [0. 0. 0. 0. 1. 0. 0. 0.]
 [0. 0. 0. 0. 0. 1. 0. 0.]
 [0. 0. 0. 0. 0. 0. 1. 0.]
 [0. 0. 0. 0. 0. 0. 0. 1.]]

Assume that we apply some noise model from Qiskit Aer to the 5 qubits, then the calibration matrix will have most of its mass on the main diagonal, with some additional ‘noise’.

あるいは、IBMQプロバイダを使用して較正回路を実行することもできます。

[6]:
# Generate a noise model for the 5 qubits
noise_model = noise.NoiseModel()
for qi in range(5):
    read_err = noise.errors.readout_error.ReadoutError([[0.9, 0.1],[0.25,0.75]])
    noise_model.add_readout_error(read_err, [qi])
[7]:
# Execute the calibration circuits
backend = qiskit.Aer.get_backend('qasm_simulator')
job = qiskit.execute(meas_calibs, backend=backend, shots=1000, noise_model=noise_model)
cal_results = job.result()
[8]:
# Calculate the calibration matrix with the noise model
meas_fitter = CompleteMeasFitter(cal_results, state_labels, qubit_list=qubit_list, circlabel='mcal')
print(meas_fitter.cal_matrix)
[[0.728 0.207 0.214 0.047 0.205 0.052 0.051 0.01 ]
 [0.073 0.592 0.029 0.164 0.018 0.168 0.006 0.048]
 [0.087 0.019 0.613 0.173 0.029 0.005 0.188 0.05 ]
 [0.009 0.076 0.059 0.512 0.002 0.014 0.018 0.126]
 [0.082 0.024 0.024 0.006 0.601 0.159 0.169 0.052]
 [0.011 0.068 0.002 0.015 0.068 0.528 0.023 0.149]
 [0.009 0.004 0.055 0.021 0.067 0.021 0.493 0.137]
 [0.001 0.01  0.004 0.062 0.01  0.053 0.052 0.428]]
[9]:
# Plot the calibration matrix
meas_fitter.plot_calibration()
../../_images/tutorials_noise_3_measurement_error_mitigation_17_0.png

結果の分析

総測定忠実度および、特定の量子ビット(例えばQ0)の測定忠実度を計算します。

Since the on-diagonal elements of the calibration matrix are the probabilities of measuring state ‘x’ given preparation of state ‘x’, then the trace of this matrix is the average assignment fidelity.

[10]:
# What is the measurement fidelity?
print("Average Measurement Fidelity: %f" % meas_fitter.readout_fidelity())

# What is the measurement fidelity of Q0?
print("Average Measurement Fidelity of Q0: %f" % meas_fitter.readout_fidelity(
    label_list = [['000','001','010','011'],['100','101','110','111']]))
Average Measurement Fidelity: 0.561875
Average Measurement Fidelity of Q0: 0.826500

較正の適用

次に別の実験を行い、測定結果を修正します。

3Q GHZ状態での測定ノイズの補正

例として、Q2、Q3、Q4の3量子ビットのGHZ状態から始めます。:

\[\mid GHZ \rangle = \frac{\mid{000} \rangle + \mid{111} \rangle}{\sqrt{2}}\]
[11]:
# Make a 3Q GHZ state
cr = ClassicalRegister(3)
ghz = QuantumCircuit(qr, cr)
ghz.h(qr[2])
ghz.cx(qr[2], qr[3])
ghz.cx(qr[3], qr[4])
ghz.measure(qr[2],cr[0])
ghz.measure(qr[3],cr[1])
ghz.measure(qr[4],cr[2])
[11]:
<qiskit.circuit.instructionset.InstructionSet at 0x7fa88ba4b370>

ここで、較正回路を実行します(上記のノイズモデルを使います)。

[12]:
job = qiskit.execute([ghz], backend=backend, shots=5000, noise_model=noise_model)
results = job.result()

ここで、エラー軽減のない結果と軽減した結果(すなわち、結果に較正行列を適用した後のもの)を計算します。

There are two fitting methods for applying the calibration (if no method is defined, then ‘least_squares’ is used). - ‘pseudo_inverse’, which is a direct inversion of the calibration matrix, - ‘least_squares’, which constrains to have physical probabilities.

修正する生データは、いくつかの形式で指定できます。

  • Form1: A counts dictionary from results.get_counts,

  • Form2: A list of counts of length=len(state_labels),

  • Form3: A list of counts of length=M*len(state_labels) where M is an integer (e.g. for use with the tomography data),

  • Form4: A qiskit Result (e.g. results as above).

[13]:
# Results without mitigation
raw_counts = results.get_counts()

# Get the filter object
meas_filter = meas_fitter.filter

# Results with mitigation
mitigated_results = meas_filter.apply(results)
mitigated_counts = mitigated_results.get_counts(0)

これで、エラーを軽減した場合としない場合の結果をプロットできます。

[14]:
from qiskit.tools.visualization import *
plot_histogram([raw_counts, mitigated_counts], legend=['raw', 'mitigated'])
[14]:
../../_images/tutorials_noise_3_measurement_error_mitigation_27_0.png

量子ビットが削減されたサブセットへの適用

ここで、2Qベル状態を修正したいと思いますが、すでに3Qの較正行列があります。行列を削減し、新たな軽減オブジェクトを構築できます。

[15]:
# Make a 2Q Bell state between Q2 and Q4
cr = ClassicalRegister(2)
bell = QuantumCircuit(qr, cr)
bell.h(qr[2])
bell.cx(qr[2], qr[4])
bell.measure(qr[2],cr[0])
bell.measure(qr[4],cr[1])
[15]:
<qiskit.circuit.instructionset.InstructionSet at 0x7fa88b9a80a0>
[16]:
job = qiskit.execute([bell], backend=backend, shots=5000, noise_model=noise_model)
results = job.result()
[17]:
#build a fitter from the subset
meas_fitter_sub = meas_fitter.subset_fitter(qubit_sublist=[2,4])
[18]:
#The calibration matrix is now in the space Q2/Q4
meas_fitter_sub.cal_matrix
[18]:
array([[0.821 , 0.223 , 0.2365, 0.0585],
       [0.085 , 0.672 , 0.022 , 0.178 ],
       [0.085 , 0.0275, 0.665 , 0.1845],
       [0.009 , 0.0775, 0.0765, 0.579 ]])
[19]:
# Results without mitigation
raw_counts = results.get_counts()

# Get the filter object
meas_filter_sub = meas_fitter_sub.filter

# Results with mitigation
mitigated_results = meas_filter_sub.apply(results)
mitigated_counts = mitigated_results.get_counts(0)
from qiskit.tools.visualization import *
plot_histogram([raw_counts, mitigated_counts], legend=['raw', 'mitigated'])
[19]:
../../_images/tutorials_noise_3_measurement_error_mitigation_34_0.png

軽減のテンソル化

The calibration can be simplified if the error is known to be local. By “local error” we mean that the error can be tensored to subsets of qubits. In this case, less than \(2^n\) states are needed for the computation of the calibration matrix.

エラーは量子ビット2と、量子ビット3と4のペアに対して局所的に作用すると仮定します。``tensored_meas_cal``関数を使用して、較正回路を構築します。以前とは異なり、量子ビットリストをサブセット領域に明示的に分割する必要があります。

[20]:
# Generate the calibration circuits
qr = qiskit.QuantumRegister(5)
mit_pattern = [[2],[3,4]]
meas_calibs, state_labels = tensored_meas_cal(mit_pattern=mit_pattern, qr=qr, circlabel='mcal')

生成された回路名を取得します。各ラベル(長さ3)では、最下位ビットが量子ビット2、中央ビットが量子ビット3、最上位ビットが量子ビット4に対応することに注意してください。

[21]:
for circ in meas_calibs:
    print(circ.name)
mcalcal_000
mcalcal_010
mcalcal_101
mcalcal_111

Let us elaborate on the circuit names. We see that there are only four circuits, instead of eight. The total number of required circuits is \(2^m\) where \(m\) is the number of qubits in the target subset (here \(m=2\)).

Each basis state of qubits 3 and 4 appears exactly once. Only two basis states are required for qubit 2, so these are split equally across the four experiments. For example, state ‘0’ of qubit 2 appears in state labels ‘000’ and ‘010’.

We now execute the calibration circuits on an Aer simulator, using the same noise model as before. This noise is in fact local to qubits 3 and 4 separately, but assume that we don’t know it, and that we only know that it is local for qubit 2.

[22]:
# Generate a noise model for the 5 qubits
noise_model = noise.NoiseModel()
for qi in range(5):
    read_err = noise.errors.readout_error.ReadoutError([[0.9, 0.1],[0.25,0.75]])
    noise_model.add_readout_error(read_err, [qi])
[23]:
# Execute the calibration circuits
backend = qiskit.Aer.get_backend('qasm_simulator')
job = qiskit.execute(meas_calibs, backend=backend, shots=5000, noise_model=noise_model)
cal_results = job.result()
[24]:
meas_fitter = TensoredMeasFitter(cal_results, mit_pattern=mit_pattern)

フィッターは2つの較正行列を提供します。1つの行列は量子ビット2、もう1つの行列は量子ビット3および4のための行列です。

[25]:
print(meas_fitter.cal_matrices)
[array([[0.9053, 0.2497],
       [0.0947, 0.7503]]), array([[0.8106, 0.229 , 0.2236, 0.0674],
       [0.0852, 0.6656, 0.026 , 0.1906],
       [0.0946, 0.0262, 0.67  , 0.1714],
       [0.0096, 0.0792, 0.0804, 0.5706]])]

セット内の個々のテンソル化されたコンポーネントまたは量子ビットの読み出し忠実度を確認できます。:

[26]:
#readout fidelity of Q2
print('Readout fidelity of Q2: %f'%meas_fitter.readout_fidelity(0))

#readout fidelity of Q3/Q4
print('Readout fidelity of Q3/4 space (e.g. mean assignment '
      '\nfidelity of 00,10,01 and 11): %f'%meas_fitter.readout_fidelity(1))

#readout fidelity of Q3
print('Readout fidelity of Q3: %f'%meas_fitter.readout_fidelity(1,[['00','10'],['01','11']]))
Readout fidelity of Q2: 0.827800
Readout fidelity of Q3/4 space (e.g. mean assignment
fidelity of 00,10,01 and 11): 0.679200
Readout fidelity of Q3: 0.826200

個々の較正行列をプロットします。

[27]:
# Plot the calibration matrix
print('Q2 Calibration Matrix')
meas_fitter.plot_calibration(0)
print('Q3/Q4 Calibration Matrix')
meas_fitter.plot_calibration(1)
Q2 Calibration Matrix
../../_images/tutorials_noise_3_measurement_error_mitigation_48_1.png
Q3/Q4 Calibration Matrix
../../_images/tutorials_noise_3_measurement_error_mitigation_48_3.png
[28]:
# Make a 3Q GHZ state
cr = ClassicalRegister(3)
ghz = QuantumCircuit(qr, cr)
ghz.h(qr[2])
ghz.cx(qr[2], qr[3])
ghz.cx(qr[3], qr[4])
ghz.measure(qr[2],cr[0])
ghz.measure(qr[3],cr[1])
ghz.measure(qr[4],cr[2])
[28]:
<qiskit.circuit.instructionset.InstructionSet at 0x7fa88b910fd0>

ここで、較正回路を実行します(上記のノイズモデルを使います)。

[29]:
job = qiskit.execute([ghz], backend=backend, shots=5000, noise_model=noise_model)
results = job.result()
[30]:
# Results without mitigation
raw_counts = results.get_counts()

# Get the filter object
meas_filter = meas_fitter.filter

# Results with mitigation
mitigated_results = meas_filter.apply(results)
mitigated_counts = mitigated_results.get_counts(0)

未処理の状態と処理後の状態をプロットします。

[31]:
meas_filter = meas_fitter.filter
mitigated_results = meas_filter.apply(results)
mitigated_counts = mitigated_results.get_counts(0)
plot_histogram([raw_counts, mitigated_counts], legend=['raw', 'mitigated'])
[31]:
../../_images/tutorials_noise_3_measurement_error_mitigation_54_0.png

確認として、部分空間校正行列のテンソル積から完全な較正行列を作成すると、同じ解が得られるはずです。

[32]:
meas_calibs2, state_labels2 = complete_meas_cal([2,3,4])
meas_fitter2 = CompleteMeasFitter(None, state_labels2)
meas_fitter2.cal_matrix = np.kron(meas_fitter.cal_matrices[1],meas_fitter.cal_matrices[0])
meas_filter2 = meas_fitter2.filter
mitigated_results2 = meas_filter2.apply(results)
mitigated_counts2 = mitigated_results2.get_counts(0)
plot_histogram([raw_counts, mitigated_counts2], legend=['raw', 'mitigated'])
[32]:
../../_images/tutorials_noise_3_measurement_error_mitigation_56_0.png

測定エラーの軽減を用いたAquaのアルゴリズムの実行

Aqua のアルゴリズムの一部として量子回路を実行する際に測定エラーの軽減を使用するには、 QuantumInstance にそれぞれの測定エラーをフィッティングするインスタンスを含める必要があります。 このオブジェクトは、選択したバックエンドの仕様も保持します。

以下では、 VQEでハミルトニアンの基底状態を探索する例で、 Aqua のアルゴリズムの測定エラーの緩和を説明します。

最初に、バックエンドを提供するライブラリおよびアルゴリズムを実行するために必要なクラスをインポートする必要があります。

[33]:
# Import qiskit functions and libraries
from qiskit import Aer, IBMQ
from qiskit.circuit.library import TwoLocal
from qiskit.aqua import QuantumInstance
from qiskit.aqua.algorithms import VQE
from qiskit.aqua.components.optimizers import COBYLA
from qiskit.aqua.operators import X, Y, Z, I, CX, T, H, S, PrimitiveOp
from qiskit.providers.aer import noise

# Import error mitigation functions
from qiskit.ignis.mitigation.measurement import CompleteMeasFitter

次に、アルゴリズムを実行するために必要なインスタンスを初期化します。

[34]:
# Initialize Hamiltonian
h_op =  (-1.0523732 * I^I) + \
                (0.39793742 * I^Z) + \
                (-0.3979374 * Z^I) + \
                (-0.0112801 * Z^Z) + \
                (0.18093119 * X^X)
# Initialize trial state
var_form = TwoLocal(h_op.num_qubits, ['ry', 'rz'], 'cz', reps=3, entanglement='full')
# Initialize optimizer
optimizer = COBYLA(maxiter=350)
# Initialize algorithm to find the ground state
vqe = VQE(h_op, var_form, optimizer)

ここでは、バックエンドとして Aer の qasm_simulator を選択し、カスタムノイズモデルを追加します。 IBMQ によって提供される実機の量子バックエンドのアプリケーションは、コメントアウトされたコードにあります。

[35]:
# Generate a noise model
noise_model = noise.NoiseModel()
for qi in range(h_op.num_qubits):
    read_err = noise.errors.readout_error.ReadoutError([[0.8, 0.2],[0.1,0.9]])
    noise_model.add_readout_error(read_err, [qi])

# Initialize the backend configuration using measurement error mitigation with a QuantumInstance
qi_noise_model_qasm = QuantumInstance(backend=Aer.get_backend('qasm_simulator'), noise_model=noise_model, shots=1000,
                                      measurement_error_mitigation_cls=CompleteMeasFitter,
                                      measurement_error_mitigation_shots=1000)

# Intialize your TOKEN and provider with
# provider = IBMQ.get_provider(...)
# qi_noise_model_ibmq = QuantumInstance(backend=provider = provider.get_backend(backend_name)), shots=8000,
#                                       measurement_error_mitigation_cls=CompleteMeasFitter, measurement_error_mitigation_shots=8000)

最後に、アルゴリズムを実行し、結果を確認することができます。

[36]:
# Run the algorithm
result = vqe.run(qi_noise_model_qasm)
print(result)
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
{'optimal_parameters': {Parameter(θ[0]): -3.5066854222828043, Parameter(θ[10]): 2.4679772171938295, Parameter(θ[11]): 2.035810688886627, Parameter(θ[12]): -1.8201489888165028, Parameter(θ[13]): -3.3188455994330397, Parameter(θ[14]): 4.943602399628503, Parameter(θ[15]): 5.323597843674701, Parameter(θ[1]): 4.185820042224241, Parameter(θ[2]): 3.523301827667687, Parameter(θ[3]): 0.08583149982647933, Parameter(θ[4]): 4.814605347345111, Parameter(θ[5]): 0.9441526990032016, Parameter(θ[6]): 2.6815109085836095, Parameter(θ[7]): 4.612108971621989, Parameter(θ[8]): -2.561934002843255, Parameter(θ[9]): 0.04269037114204171}, 'optimal_point': array([-3.50668542,  2.46797722,  2.03581069, -1.82014899, -3.3188456 ,
        4.9436024 ,  5.32359784,  4.18582004,  3.52330183,  0.0858315 ,
        4.81460535,  0.9441527 ,  2.68151091,  4.61210897, -2.561934  ,
        0.04269037]), 'optimal_value': -1.82260200649447, 'optimizer_evals': 178, 'optimizer_time': 48.22874665260315, 'eigenvalue': (-1.82260200649447+0j), 'eigenstate': {'10': 7.318661292732936, '11': 29.289035197048545, '00': 7.570188773138538, '01': 955.82211473708}, 'cost_function_evals': 178}
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
/home/computertreker/git/qiskit/qiskit-tutorial/foo/lib/python3.8/site-packages/qiskit/aqua/operators/state_fns/dict_state_fn.py:207: DeprecationWarning: The Python built-in `round` is deprecated for complex scalars, and will raise a `TypeError` in a future release. Use `np.round` or `scalar.round` instead.
  return round(sum([v * front.primitive.get(b, 0) for (b, v) in
[37]:
import qiskit.tools.jupyter
%qiskit_version_table
%qiskit_copyright

Version Information

Qiskit SoftwareVersion
Qiskit0.19.6
Terra0.14.2
Aer0.5.2
Ignis0.3.3
Aqua0.7.3
IBM Q Provider0.7.2
System information
Python3.8.3 (default, May 17 2020, 18:15:42) [GCC 10.1.0]
OSLinux
CPUs32
Memory (Gb)125.72604370117188
Wed Jul 22 16:43:23 2020 EDT

This code is a part of Qiskit

© Copyright IBM 2017, 2020.

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.

[ ]: