Note
Cette page a été générée à partir de tutorials/noise/3_measurement_error_mitigation.ipynb.
Exécuter en mode interactif depuis le ÌBM Quantum lab <https://quantum-computing.ibm.com/jupyter/tutorial/noise/3_measurement_error_mitigation.ipynb>`_.
Atténuation des Erreurs de Mesure¶
Introduction¶
La calibration de mesure est utilisée pour atténuer les erreurs de mesure. L’idée principale est de préparer tous les états d’entrée de base de \(2^n\) et de calculer la probabilité de comptage dans les autres états de base. À partir de ces étalonnages, il est possible de corriger les résultats moyens d’un autre test d’intérêt. Ce bloc-notes donne des exemples d’utilisation du module 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)
Exemple des Matrices de Calibration pour 3 Qubits¶
Supposons que nous voulions générer une matrice d’étalonnage pour les 3 qubits Q2, Q3 et Q4 dans un registre Quantum 5 qubit [Q0,Q1,Q2,Q3,Q4].
Puisque nous avons 3 qubits, il y a \(2^3=8\) états quantiques possibles.
Génération de Circuits d’Etalonnage de Mesure¶
D’abord, nous générons une liste de circuits d’étalonnage de mesure pour l’espace complet de Hilbert. Chaque circuit crée un état de base. S’il y a \(n=3\) qubits, alors nous obtenons \(2^3=8\) circuits de calibration.
La fonction suivante complete_meas_cal renvoie une liste meas_calibs des objets QuantumCircuit
contenant les circuits d’étalonnage, et une liste state_labels des étiquettes d’état d’étalonnage.
L’entrée de cette fonction peut être donnée dans l’une des trois formes suivantes:
** qubit_list:** Une liste de qubits sur lesquels effectuer la correction de mesure sur, ou :
qr (QuantumRegister): Un registre quantique, ou:
cr (ClassicalRegister): Un registre classique.
En outre, on peut fournir une chaîne de caractères cerclabel, qui est ajoutée au début des noms de circuits pour une identification unique.
Par exemple, dans notre cas, l’entrée est un QuantumRegister
à 5-qubit contenant les qubits Q2,Q3,Q4 :
[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')
Imprime les étiquettes d’état \(2^3=8\) (pour les 3 qubits Q2,Q3,Q4):
[3]:
state_labels
[3]:
['000', '001', '010', '011', '100', '101', '110', '111']
Calcul de la Matrice d’Etalonnage¶
Si nous n’appliquons aucun bruit, alors la matrice d’étalonnage devrait être la matrice d’identité \(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.]]
Supposons que nous appliquions un modèle de bruit de Qiskit Aer aux 5 qubits, alors la matrice d’étalonnage aura la plus grande partie de ses valeurs sur la diagonale principale, avec un “bruit” supplémentaire.
Alternativement, nous pouvons exécuter les circuits d’étalonnage à l’aide d’un fournisseur de service 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()

Analyse des Résultats¶
Nous aimerions calculer la fidélité totale de la mesure et la fidélité de la mesure pour un qubit spécifique, par exemple, Q0.
Puisque les éléments sur la diagonale de la matrice d’étalonnage sont les probabilités de mesure de l’état “x” étant donné la préparation de l’état “x”, alors la trace de cette matrice correspond à la fidélité d’affectation moyenne.
[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
Application de l’Etalonnage¶
Nous effectuons maintenant un autre test et corrigons les résultats mesurés.
Corriger le Bruit de Mesure sur un Etat GHZ 3Q¶
À titre d’exemple, nous commençons avec l’état GHZ 3-qubit sur les qubits Q2,Q3,Q4 :
[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>
Nous exécutons maintenant les circuits d’étalonnage (avec le modèle de bruit ci-dessus):
[12]:
job = qiskit.execute([ghz], backend=backend, shots=5000, noise_model=noise_model)
results = job.result()
Nous calculons maintenant les résultats sans aucune atténuation d’erreur et avec l’atténuation, à savoir après avoir appliqué la matrice d’étalonnage aux résultats.
Il y a deux méthodes d’ajustement pour appliquer l’étalonnage (si aucune méthode n’est définie, alors “least_squares” est utilisé). - “pseudo_inverse”, qui est une inversion directe de la matrice d’étalonnage, - “least_squares”, qui contraint à avoir des probabilités physiques.
Les données brutes à corriger peuvent être données sous différentes formes:
Forme 1: Un dictionnaire de comptes de results.get_counts,
Forme 2: liste des comptages de longueur=len(state_labels),
Forme 3: Une liste de comptages de longueur=M*len(state_labels) où M est un entier (par exemple pour l’utilisation avec les données de tomographie),
Forme 4: Un Résultat qiskit (par exemple les résultats ci-dessus).
[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)
Nous pouvons maintenant tracer les résultats avec et sans atténuation des erreurs:
[14]:
from qiskit.tools.visualization import *
plot_histogram([raw_counts, mitigated_counts], legend=['raw', 'mitigated'])
[14]:

Application à un sous-ensemble réduit de qubits¶
Considérons maintenant que nous voulons corriger un état Bell de 2Q, mais nous avons la matrice d’étalonnage 3Q. Nous pouvons réduire la matrice et construire un nouvel objet d’atténuation.
[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]:

Mitigation tendue¶
La calibration peut être simplifiée si l’erreur est connue pour être locale. Par « erreur locale », nous entendons que l’erreur peut être localisée à des sous-ensembles de qubits. Dans ce cas, moins de \(2^n\) états sont nécessaires pour le calcul de la matrice d’étalonnage.
Supposons que l’erreur agit localement sur qubit 2 et la paire de qubits 3 et 4. Construire les circuits d’étalonnage en utilisant la fonction tensored_meas_cal
. Contrairement au précédent, nous avons besoin de diviser explicitement la liste de qubit en des sous régions.
[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')
Nous récupeons maintenant les noms des circuits générés. Notez que dans chaque étiquette (de longueur 3), le bit le moins significatif correspond au qubit 2, le bit du milieu correspond au qubit 3, et le bit le plus significatif correspond au qubit 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\)).
Chaque état de base des qubits 3 et 4 apparaît exactement une fois. Seuls deux états de base sont requis pour le qubit 2, de sorte qu’ils sont répartis équitablement entre les quatre tests. Par exemple, l’état “0” du qubit 2 apparaît dans les libellés d’état “000” et “010”.
Nous exécutons maintenant les circuits d’étalonnage sur un simulateur Aer, en utilisant le même modèle de bruit qu’auparavant. Ce bruit est en fait local aux qubits 3 et 4 séparément, mais supposons que nous ne le savons pas, et que nous savons seulement qu’il est local pour le 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)
Le fitter (ajusteur) fournit deux matrices d’étalonnage. Une matrice est pour le qubit 2, et l’autre matrice est pour les qubits 3 et 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]])]
Nous pouvons observer les fidéliités de lecture des composants tensurés ou qubits individuels au sein d’un ensemble:
[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
Tracer les matrices d’étalonnage individuelles :
[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

Q3/Q4 Calibration Matrix

[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>
Nous exécutons maintenant les circuits d’étalonnage (avec le modèle de bruit ci-dessus):
[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)
Tracer l’état brut par rapport à l’état corrigé:
[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]:

En tant que vérification, nous devrions obtenir la même réponse si nous construisons la matrice de correction complète à partir d’un produit tensoriel des matrices de calibration de sous-espace:
[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]:

Exécution d’algorithmes Aqua avec atténuation des erreurs de mesure¶
Pour utiliser l’atténuation des erreurs de mesure lors de l’exécution de circuits quantiques dans le cadre d’un algorithme Aqua, il faut inclure l’instance d’ajustement de l’erreur de mesure dans QuantumInstance. Cet objet contient également les spécifications du backend choisi.
Dans ce qui suit, nous illustrons l’atténuation des erreurs de mesure avec les algorithmes Aqua sur l’exemple de la recherche de l’état fondamental d’un Hamiltonien avec VQE.
Tout d’abord, nous devons importer les bibliothèques qui fournissent les backends ainsi que les classes nécessaires à l’exécution de l’algorithme.
[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
Ensuite, nous initialisons les instances requises pour exécuter l’algorithme.
[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)
Ici, nous choisissons qasm_simulateur
de Aer comme backend et nous ajoutons également un modèle de bruit personnalisé. L’application d’un backend quantique réel fourni par IBMQ est décrite dans le code commenté.
[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)
Enfin, nous pouvons exécuter l’algorithme et vérifier les résultats.
[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 Software | Version |
---|---|
Qiskit | 0.19.6 |
Terra | 0.14.2 |
Aer | 0.5.2 |
Ignis | 0.3.3 |
Aqua | 0.7.3 |
IBM Q Provider | 0.7.2 |
System information | |
Python | 3.8.3 (default, May 17 2020, 18:15:42) [GCC 10.1.0] |
OS | Linux |
CPUs | 32 |
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.
[ ]: