diff --git a/session_2/Tutorial_1_DataPreparation.ipynb b/session_2/Tutorial_1_DataPreparation.ipynb index c88918f..2801393 100644 --- a/session_2/Tutorial_1_DataPreparation.ipynb +++ b/session_2/Tutorial_1_DataPreparation.ipynb @@ -1,335 +1,269 @@ { - "cells": [ - { - "cell_type": "code", - "execution_count": 18, - "metadata": { - "pycharm": { - "is_executing": false - } - }, - "outputs": [ + "cells": [ { - "name": "stdout", - "output_type": "stream", - "text": [ - "Module torch was installed\n", - "Module torchvision was installed\n", - "Module qiskit was installed\n" - ] - } - ], - "source": [ - "# !pip install -q torch==1.9.0\n", - "# !pip install -q torchvision==0.10.0\n", - "!pip install -q qiskit==0.20.0\n", - "\n", - "\n", - "\n", - "import torch\n", - "import torchvision\n", - "from torchvision import datasets\n", - "import torchvision.transforms as transforms\n", - "import qiskit \n", - "import sys\n", - "from pathlib import Path\n", - "import numpy as np\n", - "import matplotlib.pyplot as plt\n", - "import numpy as np\n", - "from PIL import Image\n", - "from matplotlib import cm\n", - "import functools\n", - "\n", - "import warnings\n", - "warnings.filterwarnings(\"ignore\", category=DeprecationWarning)\n", - "print = functools.partial(print, flush=True)\n", - "\n", - "interest_num = [3,6]\n", - "ori_img_size = 28\n", - "img_size = 4\n", - "# number of subprocesses to use for data loading\n", - "num_workers = 0\n", - "# how many samples per batch to load\n", - "batch_size = 1\n", - "inference_batch_size = 1\n", - "\n", - "\n", - "\n", - "# Weiwen: modify the target classes starting from 0. Say, [3,6] -> [0,1]\n", - "def modify_target(target):\n", - " for j in range(len(target)):\n", - " for idx in range(len(interest_num)):\n", - " if target[j] == interest_num[idx]:\n", - " target[j] = idx\n", - " break\n", - " new_target = torch.zeros(target.shape[0],2)\n", - " for i in range(target.shape[0]): \n", - " if target[i].item() == 0: \n", - " new_target[i] = torch.tensor([1,0]).clone() \n", - " else:\n", - " new_target[i] = torch.tensor([0,1]).clone()\n", - " \n", - " return target,new_target\n", - "\n", - "# Weiwen: select sub-set from MNIST\n", - "def select_num(dataset,interest_num):\n", - " labels = dataset.targets #get labels\n", - " labels = labels.numpy()\n", - " idx = {}\n", - " for num in interest_num:\n", - " idx[num] = np.where(labels == num)\n", - " fin_idx = idx[interest_num[0]]\n", - " for i in range(1,len(interest_num)): \n", - " fin_idx = (np.concatenate((fin_idx[0],idx[interest_num[i]][0])),)\n", - " \n", - " fin_idx = fin_idx[0] \n", - " dataset.targets = labels[fin_idx]\n", - " dataset.data = dataset.data[fin_idx]\n", - " dataset.targets,_ = modify_target(dataset.targets)\n", - " return dataset\n", - "\n", - "################ Weiwen on 12-30-2020 ################\n", - "# Function: ToQuantumData from Listing 1\n", - "# Note: Coverting classical data to quantum data\n", - "######################################################\n", - "class ToQuantumData(object):\n", - " def __call__(self, tensor):\n", - " device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", - " data = tensor.to(device)\n", - " input_vec = data.view(-1)\n", - " vec_len = input_vec.size()[0]\n", - " input_matrix = torch.zeros(vec_len, vec_len)\n", - " input_matrix[0] = input_vec\n", - " input_matrix = np.float64(input_matrix.transpose(0,1))\n", - " u, s, v = np.linalg.svd(input_matrix)\n", - " output_matrix = torch.tensor(np.dot(u, v))\n", - " output_data = output_matrix[:, 0].view(1, img_size,img_size)\n", - " return output_data\n", - "\n", - "################ Weiwen on 12-30-2020 ################\n", - "# Function: ToQuantumData from Listing 1\n", - "# Note: Coverting classical data to quantum matrix\n", - "######################################################\n", - "class ToQuantumMatrix(object):\n", - " def __call__(self, tensor):\n", - " device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", - " data = tensor.to(device)\n", - " input_vec = data.view(-1)\n", - " vec_len = input_vec.size()[0]\n", - " input_matrix = torch.zeros(vec_len, vec_len)\n", - " input_matrix[0] = input_vec\n", - " input_matrix = np.float64(input_matrix.transpose(0,1))\n", - " u, s, v = np.linalg.svd(input_matrix)\n", - " output_matrix = torch.tensor(np.dot(u, v))\n", - " return output_matrix " - ] - }, - { - "cell_type": "code", - "execution_count": 19, - "metadata": { - "pycharm": { - "is_executing": false - } - }, - "outputs": [], - "source": [ - "################ Weiwen on 12-30-2020 ################\n", - "# Using torch to load MNIST data\n", - "######################################################\n", - "\n", - "# convert data to torch.FloatTensor\n", - "transform = transforms.Compose([transforms.Resize((ori_img_size,ori_img_size)),\n", - " transforms.ToTensor()])\n", - "# Path to MNIST Dataset\n", - "train_data = datasets.MNIST(root='./data', train=True,\n", - " download=True, transform=transform)\n", - "test_data = datasets.MNIST(root='./data', train=False,\n", - " download=True, transform=transform)\n", - "\n", - "train_data = select_num(train_data,interest_num)\n", - "test_data = select_num(test_data,interest_num)\n", - "\n", - "# prepare data loaders\n", - "train_loader = torch.utils.data.DataLoader(train_data, batch_size=batch_size,\n", - " num_workers=num_workers, shuffle=True, drop_last=True)\n", - "test_loader = torch.utils.data.DataLoader(test_data, batch_size=inference_batch_size, \n", - " num_workers=num_workers, shuffle=True, drop_last=True)\n" - ] - }, - { - "cell_type": "code", - "execution_count": 20, - "metadata": { - "pycharm": { - "is_executing": false - } - }, - "outputs": [ + "cell_type": "code", + "execution_count": null, + "metadata": { + "pycharm": { + "is_executing": false + }, + "id": "BL4fMqPQrXH-" + }, + "outputs": [], + "source": [ + "# !pip install -q torch==1.9.0\n", + "# !pip install -q torchvision==0.10.0\n", + "!pip install -q qiskit==0.20.0\n", + "\n", + "import warnings\n", + "warnings.filterwarnings(\"ignore\", category=DeprecationWarning) \n", + "\n", + "import torch\n", + "import torchvision\n", + "from torchvision import datasets\n", + "import torchvision.transforms as transforms\n", + "import qiskit \n", + "import sys\n", + "from pathlib import Path\n", + "import numpy as np\n", + "import matplotlib.pyplot as plt\n", + "import numpy as np\n", + "from PIL import Image\n", + "from matplotlib import cm\n", + "import functools\n", + "\n", + "import warnings\n", + "warnings.filterwarnings(\"ignore\", category=DeprecationWarning)\n", + "print = functools.partial(print, flush=True)\n", + "\n", + "interest_num = [3,6]\n", + "ori_img_size = 28\n", + "img_size = 4\n", + "# number of subprocesses to use for data loading\n", + "num_workers = 0\n", + "# how many samples per batch to load\n", + "batch_size = 1\n", + "inference_batch_size = 1\n", + "\n", + "\n", + "\n", + "# Weiwen: modify the target classes starting from 0. Say, [3,6] -> [0,1]\n", + "def modify_target(target):\n", + " for j in range(len(target)):\n", + " for idx in range(len(interest_num)):\n", + " if target[j] == interest_num[idx]:\n", + " target[j] = idx\n", + " break\n", + " new_target = torch.zeros(target.shape[0],2)\n", + " for i in range(target.shape[0]): \n", + " if target[i].item() == 0: \n", + " new_target[i] = torch.tensor([1,0]).clone() \n", + " else:\n", + " new_target[i] = torch.tensor([0,1]).clone()\n", + " \n", + " return target,new_target\n", + "\n", + "# Weiwen: select sub-set from MNIST\n", + "def select_num(dataset,interest_num):\n", + " labels = dataset.targets #get labels\n", + " labels = labels.numpy()\n", + " idx = {}\n", + " for num in interest_num:\n", + " idx[num] = np.where(labels == num)\n", + " fin_idx = idx[interest_num[0]]\n", + " for i in range(1,len(interest_num)): \n", + " fin_idx = (np.concatenate((fin_idx[0],idx[interest_num[i]][0])),)\n", + " \n", + " fin_idx = fin_idx[0] \n", + " dataset.targets = labels[fin_idx]\n", + " dataset.data = dataset.data[fin_idx]\n", + " dataset.targets,_ = modify_target(dataset.targets)\n", + " return dataset\n", + "\n", + "################ Weiwen on 12-30-2020 ################\n", + "# Function: ToQuantumData from Listing 1\n", + "# Note: Coverting classical data to quantum data\n", + "######################################################\n", + "class ToQuantumData(object):\n", + " def __call__(self, tensor):\n", + " device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", + " data = tensor.to(device)\n", + " input_vec = data.view(-1)\n", + " vec_len = input_vec.size()[0]\n", + " input_matrix = torch.zeros(vec_len, vec_len)\n", + " input_matrix[0] = input_vec\n", + " input_matrix = np.float64(input_matrix.transpose(0,1))\n", + " u, s, v = np.linalg.svd(input_matrix)\n", + " output_matrix = torch.tensor(np.dot(u, v))\n", + " output_data = output_matrix[:, 0].view(1, img_size,img_size)\n", + " return output_data\n", + "\n", + "################ Weiwen on 12-30-2020 ################\n", + "# Function: ToQuantumData from Listing 1\n", + "# Note: Coverting classical data to quantum matrix\n", + "######################################################\n", + "class ToQuantumMatrix(object):\n", + " def __call__(self, tensor):\n", + " device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", + " data = tensor.to(device)\n", + " input_vec = data.view(-1)\n", + " vec_len = input_vec.size()[0]\n", + " input_matrix = torch.zeros(vec_len, vec_len)\n", + " input_matrix[0] = input_vec\n", + " input_matrix = np.float64(input_matrix.transpose(0,1))\n", + " u, s, v = np.linalg.svd(input_matrix)\n", + " output_matrix = torch.tensor(np.dot(u, v))\n", + " return output_matrix " + ] + }, { - "name": "stdout", - "output_type": "stream", - "text": [ - "Batch Id: 0, Target: tensor([1])\n", - "Classical Data: tensor([0.0000, 0.0941, 0.1922, 0.0000, 0.0078, 0.3373, 0.2706, 0.0667, 0.0196,\n", - " 0.5098, 0.4941, 0.1843, 0.0078, 0.1176, 0.1137, 0.0118])\n", - "Quantum Data: tensor([0.0000, 0.1051, 0.2145, 0.0000, 0.0088, 0.3764, 0.3020, 0.0744, 0.0219,\n", - " 0.5690, 0.5515, 0.2057, 0.0088, 0.1313, 0.1269, 0.0131],\n", - " dtype=torch.float64)\n" - ] + "cell_type": "code", + "execution_count": null, + "metadata": { + "pycharm": { + "is_executing": false + }, + "id": "oj5JfepLrXID" + }, + "outputs": [], + "source": [ + "################ Weiwen on 12-30-2020 ################\n", + "# Using torch to load MNIST data\n", + "######################################################\n", + "\n", + "# convert data to torch.FloatTensor\n", + "transform = transforms.Compose([transforms.Resize((ori_img_size,ori_img_size)),\n", + " transforms.ToTensor()])\n", + "# Path to MNIST Dataset\n", + "train_data = datasets.MNIST(root='./data', train=True,\n", + " download=True, transform=transform)\n", + "test_data = datasets.MNIST(root='./data', train=False,\n", + " download=True, transform=transform)\n", + "\n", + "train_data = select_num(train_data,interest_num)\n", + "test_data = select_num(test_data,interest_num)\n", + "\n", + "# prepare data loaders\n", + "train_loader = torch.utils.data.DataLoader(train_data, batch_size=batch_size,\n", + " num_workers=num_workers, shuffle=True, drop_last=True)\n", + "test_loader = torch.utils.data.DataLoader(test_data, batch_size=inference_batch_size, \n", + " num_workers=num_workers, shuffle=True, drop_last=True)\n" + ] }, { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAPsAAAD4CAYAAAAq5pAIAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjMsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+AADFEAAAN10lEQVR4nO3dXaxVdXrH8d9POkR5iYHREuJoZSZ6MTHRqYgmEmODQ6yIvGjMeDGhFj1zMcYxKVJCE0fTGE112gsviGcCgZqpZBKYDsHx9WRSqyYoGoqo9aWKDnAAXy6EcDEFnl6cRXMGz/7vw35bG57vJznZe69nr7WebP2x3vbaf0eEAJz5zqq7AQC9QdiBJAg7kARhB5Ig7EASf9bLldnm1D/QZRHhsaa3tWW3faPt921/ZHtVO8sC0F1u9Tq77QmSPpD0Q0l7JL0h6Y6IeLcwD1t2oMu6sWWfI+mjiPg4Iv4oaaOkRW0sD0AXtRP2CyT9YdTrPdW0P2F7wPZ229vbWBeANnX9BF1EDEoalNiNB+rUzpZ9r6QLR73+TjUNQB9qJ+xvSLrE9izbEyX9SNKWzrQFoNNa3o2PiKO275H0vKQJktZFxDsd6wxAR7V86a2llXHMDnRdV75UA+D0QdiBJAg7kARhB5Ig7EAShB1Ioqf3s+PMs3nz5mJ93rx5DWvXXnttcd5du3a11BPGxpYdSIKwA0kQdiAJwg4kQdiBJAg7kASX3lB09dVXF+vz588v1idNmtSwNmvWrOK8XHrrLLbsQBKEHUiCsANJEHYgCcIOJEHYgSQIO5AE19lRVLpFVZLOOeecHnWCdrFlB5Ig7EAShB1IgrADSRB2IAnCDiRB2IEkuM6e3NKlS4v1u+66q63lr127tmHt2WefbWvZODVthd32bkmHJB2TdDQiZneiKQCd14kt+19FxBcdWA6ALuKYHUii3bCHpBdsv2l7YKw32B6wvd329jbXBaAN7e7Gz42Ivbb/XNKLtv87Il4e/YaIGJQ0KEm2o831AWhRW1v2iNhbPR6U9BtJczrRFIDOaznstifbnnriuaT5kvjtX6BPOaK1PWvb39XI1lwaORz4t4h4uMk87Mb32IQJE4r1TZs2FesLFy7s6vrReRHhsaa3fMweER9LurzljgD0FJfegCQIO5AEYQeSIOxAEoQdSIJbXM9wt99+e7He7NLa3r17i/UnnnjilHtCPdiyA0kQdiAJwg4kQdiBJAg7kARhB5Ig7EASXGc/DTS7TfThhxvfWbxixYq21j04OFisP/bYY20tH73Dlh1IgrADSRB2IAnCDiRB2IEkCDuQBGEHkmj5p6RbWhk/Jd2Sa665plh/9dVXW172zp07i/UFCxYU6/v27Wt53eiORj8lzZYdSIKwA0kQdiAJwg4kQdiBJAg7kARhB5LgfvbTwJIlS1qe99ixY8X6ypUri3Wuo585mm7Zba+zfdD2rlHTptt+0faH1eO07rYJoF3j2Y1fL+nGk6atkjQUEZdIGqpeA+hjTcMeES9L+uqkyYskbaieb5C0uMN9AeiwVo/ZZ0TEcPV8v6QZjd5oe0DSQIvrAdAhbZ+gi4go3eASEYOSBiVuhAHq1OqltwO2Z0pS9Xiwcy0B6IZWw75F0rLq+TJJv+1MOwC6pen97LaflnS9pPMkHZD0c0n/LunXki6S9Kmk2yPi5JN4Yy2L3fgx3HDDDcX65s2bi/XJkyc3rN19993FedetW1es4/TT6H72psfsEXFHg9K8tjoC0FN8XRZIgrADSRB2IAnCDiRB2IEkuMW1DyxeXL61YMqUKS0ve+vWrS3POx7nnntusf7QQw81rC1cuLA475EjR4r1oaGhYn3//v0Na80uOR48eOZ9T4wtO5AEYQeSIOxAEoQdSIKwA0kQdiAJwg4kwZDNfeDQoUPF+qRJk1pe9syZM4v1ZteTb7vttmL9gQceKNYvu+yyhrVe/r93smY/kb169epi/amnnupkOx3FkM1AcoQdSIKwA0kQdiAJwg4kQdiBJAg7kATX2ftAN6+zr1ixolifM2dOsb5gwYJivfQz1pJkj3nJV5L0wgsvFOf97LPPivVmzj///Ia1W265pTjv8PBwsT5vXvnHld9///1ivZu4zg4kR9iBJAg7kARhB5Ig7EAShB1IgrADSfC78We4xx9/vKvL//LLL4v1JUuWNKxt27atOO/Ro0db6umEs88+u2HttddeK857+eWXF+tz584t1uu8zt5I0y277XW2D9reNWrag7b32t5R/d3U3TYBtGs8u/HrJd04xvR/iYgrqr/fdbYtAJ3WNOwR8bKkr3rQC4AuaucE3T22d1a7+dMavcn2gO3ttre3sS4AbWo17GskfU/SFZKGJf2i0RsjYjAiZkfE7BbXBaADWgp7RByIiGMRcVzSLyWVb50CULuWwm579O8TL5G0q9F7AfSHptfZbT8t6XpJ59neI+nnkq63fYWkkLRb0k+62OMZ77nnnivWly5d2rV1f/LJJ8X6k08+WayvWbOmWD98+PAp9zReF110UbF+//33N6w1u45+/PjxYv3zzz8v1vtR07BHxB1jTF7bhV4AdBFflwWSIOxAEoQdSIKwA0kQdiAJbnHtAx988EFt637kkUeK9bVr67vwsnLlymL93nvvLdabDVddsn79+mJ9y5YtLS+7LmzZgSQIO5AEYQeSIOxAEoQdSIKwA0kQdiAJrrP3gauuuqq2da9evbpYnzFjRrHe7Hr0nXfe2bB28803F+e98sori/UJEyYU66XbVJv13exzOR2xZQeSIOxAEoQdSIKwA0kQdiAJwg4kQdiBJBwRvVuZ3buV9ZHrrruuWH/ppZeK9WbXk/vZWWc13p40+7nmZo4dO1asl66Vd3so6zpFhMeazpYdSIKwA0kQdiAJwg4kQdiBJAg7kARhB5LgfvYeuPTSS4v1ZtfRn3nmmWJ93759DWvLli0rzjtx4sRivV2l73G8/vrrxXmHhoaK9WZDXb/yyivFejZNt+y2L7T9e9vv2n7H9s+q6dNtv2j7w+pxWvfbBdCq8ezGH5X0dxHxfUnXSPqp7e9LWiVpKCIukTRUvQbQp5qGPSKGI+Kt6vkhSe9JukDSIkkbqrdtkLS4W00CaN8pHbPbvljSDyRtkzQjIoar0n5JY/5Yme0BSQOttwigE8Z9Nt72FEmbJN0XEV+PrsXIWZgxz8RExGBEzI6I2W11CqAt4wq77W9pJOi/iojN1eQDtmdW9ZmSDnanRQCd0PQWV9vWyDH5VxFx36jpj0n6MiIetb1K0vSIKI6xm/UW16lTpxbr+/fvL9aXL19erG/cuLFh7dZbby3OO3fu3GJ9x44dxXozX3/9dcPa888/X5z3yJEjba07q0a3uI7nmP1aST+W9LbtE//lV0t6VNKvbS+X9Kmk2zvRKIDuaBr2iHhF0pj/Ukia19l2AHQLX5cFkiDsQBKEHUiCsANJEHYgCX5KGjjD8FPSQHKEHUiCsANJEHYgCcIOJEHYgSQIO5AEYQeSIOxAEoQdSIKwA0kQdiAJwg4kQdiBJAg7kARhB5Ig7EAShB1IgrADSRB2IAnCDiRB2IEkCDuQRNOw277Q9u9tv2v7Hds/q6Y/aHuv7R3V303dbxdAq5oOEmF7pqSZEfGW7amS3pS0WCPjsR+OiMfHvTIGiQC6rtEgEeMZn31Y0nD1/JDt9yRd0Nn2AHTbKR2z275Y0g8kbasm3WN7p+11tqc1mGfA9nbb29vqFEBbxj3Wm+0pkv5D0sMRsdn2DElfSApJ/6iRXf2/bbIMduOBLmu0Gz+usNv+lqStkp6PiH8eo36xpK0RcVmT5RB2oMtaHtjRtiWtlfTe6KBXJ+5OWCJpV7tNAuie8ZyNnyvpPyW9Lel4NXm1pDskXaGR3fjdkn5SncwrLYstO9Blbe3GdwphB7qP8dmB5Ag7kARhB5Ig7EAShB1IgrADSRB2IAnCDiRB2IEkCDuQBGEHkiDsQBKEHUiCsANJNP3ByQ77QtKno16fV03rR/3aW7/2JdFbqzrZ2180KvT0fvZvrNzeHhGza2ugoF9769e+JHprVa96YzceSIKwA0nUHfbBmtdf0q+99WtfEr21qie91XrMDqB36t6yA+gRwg4kUUvYbd9o+33bH9leVUcPjdjebfvtahjqWsenq8bQO2h716hp022/aPvD6nHMMfZq6q0vhvEuDDNe62dX9/DnPT9mtz1B0geSfihpj6Q3JN0REe/2tJEGbO+WNDsiav8Chu3rJB2W9K8nhtay/U+SvoqIR6t/KKdFxN/3SW8P6hSH8e5Sb42GGf8b1fjZdXL481bUsWWfI+mjiPg4Iv4oaaOkRTX00fci4mVJX500eZGkDdXzDRr5n6XnGvTWFyJiOCLeqp4fknRimPFaP7tCXz1RR9gvkPSHUa/3qL/Gew9JL9h+0/ZA3c2MYcaoYbb2S5pRZzNjaDqMdy+dNMx433x2rQx/3i5O0H3T3Ij4S0l/Lemn1e5qX4qRY7B+una6RtL3NDIG4LCkX9TZTDXM+CZJ90XE16NrdX52Y/TVk8+tjrDvlXThqNffqab1hYjYWz0elPQbjRx29JMDJ0bQrR4P1tzP/4uIAxFxLCKOS/qlavzsqmHGN0n6VURsribX/tmN1VevPrc6wv6GpEtsz7I9UdKPJG2poY9vsD25OnEi25MlzVf/DUW9RdKy6vkySb+tsZc/0S/DeDcaZlw1f3a1D38eET3/k3STRs7I/4+kf6ijhwZ9fVfSf1V/79Tdm6SnNbJb978aObexXNK3JQ1J+lDSS5Km91FvT2lkaO+dGgnWzJp6m6uRXfSdknZUfzfV/dkV+urJ58bXZYEkOEEHJEHYgSQIO5AEYQeSIOxAEoQdSIKwA0n8H8D7XtDs//n1AAAAAElFTkSuQmCC", - "text/plain": [ - "
" + "cell_type": "code", + "execution_count": null, + "metadata": { + "pycharm": { + "is_executing": false + }, + "id": "Eq9L6tffrXIE" + }, + "outputs": [], + "source": [ + "################ Weiwen on 12-30-2020 ################\n", + "# T1: Downsample the image from 28*28 to 4*4\n", + "# T2: Convert classical data to quantum data which \n", + "# can be encoded to the quantum states (amplitude)\n", + "######################################################\n", + "\n", + "# Process data by hand, we can also integrate ToQuantumData into transform\n", + "def data_pre_pro(img):\n", + " # Print original figure\n", + " img = img\n", + " npimg = img.numpy()\n", + " plt.imshow(np.transpose(npimg, (1, 2, 0))) \n", + " plt.show()\n", + " # Print resized figure\n", + " image = np.asarray(npimg[0] * 255, np.uint8) \n", + " im = Image.fromarray(image,mode=\"L\")\n", + " im = im.resize((4,4),Image.BILINEAR) \n", + " plt.imshow(im,cmap='gray',)\n", + " plt.show()\n", + " # Converting classical data to quantum data\n", + " trans_to_tensor = transforms.ToTensor()\n", + " trans_to_vector = ToQuantumData()\n", + " trans_to_matrix = ToQuantumMatrix() \n", + " print(\"Classical Data: {}\".format(trans_to_tensor(im).flatten()))\n", + " print(\"Quantum Data: {}\".format(trans_to_vector(trans_to_tensor(im)).flatten()))\n", + " return trans_to_matrix(trans_to_tensor(im)),trans_to_vector(trans_to_tensor(im))\n", + "\n", + "# Use the first image from test loader as example\n", + "for batch_idx, (data, target) in enumerate(test_loader):\n", + " torch.set_printoptions(threshold=sys.maxsize)\n", + " print(\"Batch Id: {}, Target: {}\".format(batch_idx,target))\n", + " quantum_matrix,qantum_data = data_pre_pro(torchvision.utils.make_grid(data))\n", + " break" ] - }, - "metadata": { - "needs_background": "light" - }, - "output_type": "display_data" }, { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAQcAAAD8CAYAAAB6iWHJAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjMsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+AADFEAAANBElEQVR4nO3dccxddX3H8feHUhgMIwxMaEpHXQAz4zYqpMNAFgKSADF0icjgDwUD6WJk4jKTKUtY5l+4PzQxGJcGCGCMYsBhZ1hMFzAqG4zSFKRlaNd0oZUMLVps1JI23/1xT93Dw++h0Hvuubd93q/k5jnnnt9zv7+bPvn03HPOPd9UFZI03zHTnoCk2WQ4SGoyHCQ1GQ6SmgwHSU2Gg6SmscIhye8l2ZDkx93PUxYYdyDJ5u6xfpyakoaRca5zSPKPwMtVdXuSTwOnVNXfNsbtraqTxpinpIGNGw7PAxdX1YtJlgHfrap3NcYZDtIRZtxw+EVVndwtB/j5wfV54/YDm4H9wO1V9dACr7cWWNutnnfYE5thJ5xwwrSnMDEnnnjitKcwEbt37572FCbpZ1X1jtaGYw/1m0n+DTi9senv5q5UVSVZKGnOrKpdSf4AeCTJD6vqv+cPqqp1wLqu7lF5Xfc555wz7SlMzKpVq6Y9hYm45557pj2FSfqfhTYcMhyq6v0LbUvyv0mWzflY8dICr7Gr+7k9yXeBVcDrwkHS7Bj3VOZ64Ppu+XrgW/MHJDklyfHd8mnAhcDWMetKmrBxw+F24LIkPwbe362T5Pwkd3Zj/hDYmORp4FFGxxwMB2nGHfJjxRupqt3ApY3nNwI3dcv/DvzROHUkDc8rJCU1GQ6SmgwHSU2Gg6Qmw0FSk+EgqclwkNRkOEhqMhwkNRkOkpoMB0lNhoOkJsNBUpPhIKnJcJDUZDhIajIcJDUZDpKaegmHJJcneT7Jtq7z1fztxye5v9v+RJKVfdSVNDljh0OSJcCXgCuAdwPXJXn3vGE3Mmp4cxbwBeBz49aVNFl97DmsBrZV1faqehX4OrBm3pg1wL3d8gPApV2HLEkzqo9wWA68MGd9Z/dcc0xV7Qf2AKf2UFvShIx1a/q+zeuVKWmK+thz2AWsmLN+Rvdcc0ySY4G3A6/rTlpV66rq/Ko6v4d5SRpDH+HwJHB2kncmOQ64llGbvLnmts27GnikxmnvLWnixv5YUVX7k9wMfAdYAtxdVVuSfBbYWFXrgbuAryTZBrzMKEAkzbBejjlU1cPAw/Oeu23O8m+AD/VRS9IwvEJSUpPhIKnJcJDUZDhIajIcJDUZDpKaDAdJTYaDpCbDQVKT4SCpyXCQ1GQ4SGoyHCQ1GQ6SmgwHSU2Gg6Qmw0FSk+EgqclwkNQ0VK/MG5L8NMnm7nFTH3UlTc7YN5id0yvzMkbdrp5Msr6qts4ben9V3TxuPUnD6OPu07/tlQmQ5GCvzPnh8JYtWbJk3JeYObfeeuu0pzAx27dvn/YUJmLlypXTnsLE7NixY8FtQ/XKBPhgkmeSPJBkRWM7SdYm2ZhkYw/zkjSGoQ5I/guwsqr+GNjA/3fcfg3b4UmzY5BemVW1u6r2dat3Auf1UFfSBA3SKzPJsjmrVwHP9VBX0gQN1SvzE0muAvYz6pV5w7h1JU3WUL0yPwN8po9akobhFZKSmgwHSU2Gg6Qmw0FSk+EgqclwkNRkOEhqMhwkNRkOkpoMB0lNhoOkJsNBUpPhIKnJcJDUZDhIajIcJDUZDpKaDAdJTX21w7s7yUtJnl1ge5J8sWuX90yS9/ZRV9Lk9LXncA9w+RtsvwI4u3usBb7cU11JE9JLOFTV9xjdVXoha4D7auRx4OR5t6uXNGOGOubwplrm2Q5Pmh293Jq+L1W1DlgHkKSmPB1pURtqz+GQLfMkzZahwmE98JHurMUFwJ6qenGg2pIOQy8fK5J8DbgYOC3JTuDvgaUAVfVPjLphXQlsA34FfLSPupImp692eNcdYnsBH++jlqRheIWkpCbDQVKT4SCpyXCQ1GQ4SGoyHCQ1GQ6SmgwHSU2Gg6Qmw0FSk+EgqclwkNRkOEhqMhwkNRkOkpoMB0lNhoOkJsNBUtNQ7fAuTrInyebucVsfdSVNTl99K+4B7gDue4Mx36+qD/RUT9KEDdUOT9IRZsiOV+9L8jTwE+BTVbVl/oAkaxk12iUJxx133IDTG8Y111wz7SlMzL59+6Y9hYnYsuV1f6pHjR07diy4bahw2AScWVV7k1wJPMSo4/ZrzG2Hd8wxx9gOT5qiQc5WVNUrVbW3W34YWJrktCFqSzo8g4RDktOTpFte3dXdPURtSYdnqHZ4VwMfS7If+DVwbdcFS9KMGqod3h2MTnVKOkJ4haSkJsNBUpPhIKnJcJDUZDhIajIcJDUZDpKaDAdJTYaDpCbDQVKT4SCpyXCQ1GQ4SGoyHCQ1GQ6SmgwHSU2Gg6Qmw0FS09jhkGRFkkeTbE2yJcktjTFJ8sUk25I8k+S949aVNFl93ENyP/A3VbUpyduAp5JsqKqtc8ZcwahPxdnAnwJf7n5KmlFj7zlU1YtVtalb/iXwHLB83rA1wH018jhwcpJl49aWNDm9HnNIshJYBTwxb9Ny4IU56zt5fYCQZG2SjUk29jkvSW9db+3wkpwEPAh8sqpeOZzXsB2eNDt62XNIspRRMHy1qr7ZGLILWDFn/YzuOUkzqo+zFQHuAp6rqs8vMGw98JHurMUFwJ6qenHc2pImp4+PFRcCHwZ+mGRz99ytwO/Db9vhPQxcCWwDfgV8tIe6kiZo7HCoqh8AOcSYAj4+bi1Jw/EKSUlNhoOkJsNBUpPhIKnJcJDUZDhIajIcJDUZDpKaDAdJTYaDpCbDQVKT4SCpyXCQ1GQ4SGoyHCQ1GQ6SmgwHSU2Gg6SmodrhXZxkT5LN3eO2cetKmqyh2uEBfL+qPtBDPUkDGKodnqQjTG8dr+AN2+EBvC/J08BPgE9V1ZbG768F1h5cf/XVV/uc3ky46KKLpj2FiTlw4MC0pzARTz311LSnMBVDtcPbBJxZVXuTXAk8xKjj9mvMbYeXxHZ40hQN0g6vql6pqr3d8sPA0iSn9VFb0mQM0g4vyendOJKs7uruHre2pMkZqh3e1cDHkuwHfg1c23XBkjSjhmqHdwdwx7i1JA3HKyQlNRkOkpoMB0lNhoOkJsNBUpPhIKnJcJDUZDhIajIcJDUZDpKaDAdJTYaDpCbDQVKT4SCpyXCQ1GQ4SGoyHCQ1GQ6Smvq4wezvJPnPJE937fD+oTHm+CT3J9mW5Imuv4WkGdbHnsM+4JKq+hPgXODyJBfMG3Mj8POqOgv4AvC5HupKmqA+2uHVwZ4UwNLuMf/O0muAe7vlB4BLD96qXtJs6qupzZLutvQvARuqan47vOXACwBVtR/YA5zaR21Jk9FLOFTVgao6FzgDWJ3kPYfzOknWJtmYZGMf85J0+Ho9W1FVvwAeBS6ft2kXsAIgybHA22l0vKqqdVV1flWd3+e8JL11fZyteEeSk7vlE4DLgP+aN2w9cH23fDXwiB2vpNnWRzu8ZcC9SZYwCptvVNW3k3wW2FhV6xn10vxKkm3Ay8C1PdSVNEF9tMN7BljVeP62Ocu/AT40bi1Jw/EKSUlNhoOkJsNBUpPhIKnJcJDUZDhIajIcJDUZDpKaDAdJTYaDpCbDQVKT4SCpyXCQ1GQ4SGoyHCQ1GQ6SmgwHSU2Gg6Qmw0FS01C9Mm9I8tMkm7vHTePWlTRZfdx9+mCvzL1JlgI/SPKvVfX4vHH3V9XNPdSTNIA+7j5dwKF6ZUo6wvSx50DXs+Ip4CzgS41emQAfTPJnwI+Av66qFxqvsxZY263uPXDgwPN9zO9NOg342aSLPPbYY5MuMd8g72sKjtb3BcO+tzMX2pA+G091na/+Gfirqnp2zvOnAnural+SvwT+oqou6a1wD5JsPBrb8Pm+jjyz8t4G6ZVZVbural+3eidwXp91JfVvkF6ZSZbNWb0KeG7cupIma6hemZ9IchWwn1GvzBt6qNu3ddOewIT4vo48M/Heej3mIOno4RWSkpoMB0lNiz4cklye5Pkk25J8etrz6UuSu5O8lOTZQ48+ciRZkeTRJFu7y/Vvmfac+vBmvoYw+JwW8zGH7iDqjxidYdkJPAlcV1VbpzqxHnQXnO0F7quq90x7Pn3pznwtq6pNSd7G6OK7Pz/S/82SBPjduV9DAG5pfA1hMIt9z2E1sK2qtlfVq8DXgTVTnlMvqup7jM4MHVWq6sWq2tQt/5LRafHl053V+Gpkpr6GsNjDYTkw9zLunRwFf2iLRZKVwCqgdbn+ESfJkiSbgZeADQt8DWEwiz0cdIRKchLwIPDJqnpl2vPpQ1UdqKpzgTOA1Umm+nFwsYfDLmDFnPUzuuc0w7rP5A8CX62qb057Pn1b6GsIQ1vs4fAkcHaSdyY5DrgWWD/lOekNdAfu7gKeq6rPT3s+fXkzX0MY2qIOh6raD9wMfIfRga1vVNWW6c6qH0m+BvwH8K4kO5PcOO059eRC4MPAJXPuLHbltCfVg2XAo0meYfSf1oaq+vY0J7SoT2VKWtii3nOQtDDDQVKT4SCpyXCQ1GQ4SGoyHCQ1GQ6Smv4PExb638iZJTYAAAAASUVORK5CYII=", - "text/plain": [ - "
" + "cell_type": "code", + "execution_count": null, + "metadata": { + "pycharm": { + "is_executing": false + }, + "id": "ELav6khrrXII" + }, + "outputs": [], + "source": [ + "################ Weiwen on 12-30-2020 ################\n", + "# Do quantum state preparation and compare it with\n", + "# the original data\n", + "######################################################\n", + "\n", + "# Quantum-State Preparation in IBM Qiskit\n", + "from qiskit import QuantumRegister, QuantumCircuit, ClassicalRegister\n", + "from qiskit.extensions import XGate, UnitaryGate\n", + "from qiskit import Aer, execute\n", + "import qiskit\n", + "# Input: a 4*4 matrix (data) holding 16 input data\n", + "inp = QuantumRegister(4,\"in_qbit\")\n", + "circ = QuantumCircuit(inp)\n", + "data_matrix = quantum_matrix\n", + "circ.append(UnitaryGate(data_matrix, label=\"Input\"), inp[0:4])\n", + "print(circ)\n", + "# Using StatevectorSimulator from the Aer provider\n", + "simulator = Aer.get_backend('statevector_simulator')\n", + "result = execute(circ, simulator).result()\n", + "statevector = result.get_statevector(circ)\n", + "\n", + "print(\"Data to be encoded: \\n {}\\n\".format(qantum_data))\n", + "print(\"Data read from the circuit: \\n {}\".format(statevector))" ] - }, - "metadata": { - "needs_background": "light" - }, - "output_type": "display_data" } - ], - "source": [ - "################ Weiwen on 12-30-2020 ################\n", - "# T1: Downsample the image from 28*28 to 4*4\n", - "# T2: Convert classical data to quantum data which \n", - "# can be encoded to the quantum states (amplitude)\n", - "######################################################\n", - "\n", - "# Process data by hand, we can also integrate ToQuantumData into transform\n", - "def data_pre_pro(img):\n", - " # Print original figure\n", - " img = img\n", - " npimg = img.numpy()\n", - " plt.imshow(np.transpose(npimg, (1, 2, 0))) \n", - " plt.show()\n", - " # Print resized figure\n", - " image = np.asarray(npimg[0] * 255, np.uint8) \n", - " im = Image.fromarray(image,mode=\"L\")\n", - " im = im.resize((4,4),Image.BILINEAR) \n", - " plt.imshow(im,cmap='gray',)\n", - " plt.show()\n", - " # Converting classical data to quantum data\n", - " trans_to_tensor = transforms.ToTensor()\n", - " trans_to_vector = ToQuantumData()\n", - " trans_to_matrix = ToQuantumMatrix() \n", - " print(\"Classical Data: {}\".format(trans_to_tensor(im).flatten()))\n", - " print(\"Quantum Data: {}\".format(trans_to_vector(trans_to_tensor(im)).flatten()))\n", - " return trans_to_matrix(trans_to_tensor(im)),trans_to_vector(trans_to_tensor(im))\n", - "\n", - "# Use the first image from test loader as example\n", - "for batch_idx, (data, target) in enumerate(test_loader):\n", - " torch.set_printoptions(threshold=sys.maxsize)\n", - " print(\"Batch Id: {}, Target: {}\".format(batch_idx,target))\n", - " quantum_matrix,qantum_data = data_pre_pro(torchvision.utils.make_grid(data))\n", - " break" - ] - }, - { - "cell_type": "code", - "execution_count": 21, - "metadata": { + ], + "metadata": { + "kernelspec": { + "display_name": "PyCharm (qiskit_practice)", + "language": "python", + "name": "pycharm-8213722" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.5" + }, "pycharm": { - "is_executing": false - } - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - " ┌──────────┐\n", - "in_qbit_0: |0>┤0 ├\n", - " │ │\n", - "in_qbit_1: |0>┤1 ├\n", - " │ unitary │\n", - "in_qbit_2: |0>┤2 ├\n", - " │ │\n", - "in_qbit_3: |0>┤3 ├\n", - " └──────────┘\n", - "Data to be encoded: \n", - " tensor([[[0.0000, 0.1051, 0.2145, 0.0000],\n", - " [0.0088, 0.3764, 0.3020, 0.0744],\n", - " [0.0219, 0.5690, 0.5515, 0.2057],\n", - " [0.0088, 0.1313, 0.1269, 0.0131]]], dtype=torch.float64)\n", - "\n", - "Data read from the circuit: \n", - " [0. +0.j 0.1050542 +0.j 0.21448566+0.j 0. +0.j\n", - " 0.00875452+0.j 0.37644423+0.j 0.30203084+0.j 0.0744134 +0.j\n", - " 0.02188629+0.j 0.56904362+0.j 0.55153455+0.j 0.20573115+0.j\n", - " 0.00875452+0.j 0.13131775+0.j 0.12694049+0.j 0.01313178+0.j]\n" - ] + "stem_cell": { + "cell_type": "raw", + "metadata": { + "collapsed": false + }, + "source": [] + } + }, + "colab": { + "provenance": [] } - ], - "source": [ - "################ Weiwen on 12-30-2020 ################\n", - "# Do quantum state preparation and compare it with\n", - "# the original data\n", - "######################################################\n", - "\n", - "# Quantum-State Preparation in IBM Qiskit\n", - "from qiskit import QuantumRegister, QuantumCircuit, ClassicalRegister\n", - "from qiskit.extensions import XGate, UnitaryGate\n", - "from qiskit import Aer, execute\n", - "import qiskit\n", - "# Input: a 4*4 matrix (data) holding 16 input data\n", - "inp = QuantumRegister(4,\"in_qbit\")\n", - "circ = QuantumCircuit(inp)\n", - "data_matrix = quantum_matrix\n", - "circ.append(UnitaryGate(data_matrix, label=\"Input\"), inp[0:4])\n", - "print(circ)\n", - "# Using StatevectorSimulator from the Aer provider\n", - "simulator = Aer.get_backend('statevector_simulator')\n", - "result = execute(circ, simulator).result()\n", - "statevector = result.get_statevector(circ)\n", - "\n", - "print(\"Data to be encoded: \\n {}\\n\".format(qantum_data))\n", - "print(\"Data read from the circuit: \\n {}\".format(statevector))" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "PyCharm (qiskit_practice)", - "language": "python", - "name": "pycharm-8213722" }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.8.5" - }, - "pycharm": { - "stem_cell": { - "cell_type": "raw", - "metadata": { - "collapsed": false - }, - "source": [] - } - } - }, - "nbformat": 4, - "nbformat_minor": 4 -} + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/session_2/Tutorial_2_Hidden_NeuralComp.ipynb b/session_2/Tutorial_2_Hidden_NeuralComp.ipynb index 4d13687..e03130a 100644 --- a/session_2/Tutorial_2_Hidden_NeuralComp.ipynb +++ b/session_2/Tutorial_2_Hidden_NeuralComp.ipynb @@ -1,562 +1,463 @@ { - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [], - "source": [ - "# !pip install -q torch==1.9.0\n", - "# !pip install -q torchvision==0.10.0\n", - "\n", - "!pip install -q qiskit==0.20.0\n", - "\n", - "import torch\n", - "import torchvision\n", - "from torchvision import datasets\n", - "import torchvision.transforms as transforms\n", - "import torch.nn as nn\n", - "import shutil\n", - "import os\n", - "import time\n", - "import sys\n", - "from pathlib import Path\n", - "import numpy as np\n", - "import matplotlib.pyplot as plt\n", - "import numpy as np\n", - "from PIL import Image\n", - "from matplotlib import cm\n", - "import functools\n", - "from qiskit.tools.monitor import job_monitor\n", - "from qiskit import QuantumRegister, QuantumCircuit, ClassicalRegister\n", - "from qiskit.extensions import XGate, UnitaryGate\n", - "from qiskit import Aer, execute\n", - "import qiskit\n", - "\n", - "import warnings\n", - "warnings.filterwarnings(\"ignore\", category=DeprecationWarning)\n", - "print = functools.partial(print, flush=True)\n", - "\n", - "interest_num = [3,6]\n", - "ori_img_size = 28\n", - "img_size = 4\n", - "# number of subprocesses to use for data loading\n", - "num_workers = 0\n", - "# how many samples per batch to load\n", - "batch_size = 1\n", - "inference_batch_size = 1\n", - "\n", - "\n", - "# Weiwen: modify the target classes starting from 0. Say, [3,6] -> [0,1]\n", - "def modify_target(target):\n", - " for j in range(len(target)):\n", - " for idx in range(len(interest_num)):\n", - " if target[j] == interest_num[idx]:\n", - " target[j] = idx\n", - " break\n", - " new_target = torch.zeros(target.shape[0],2)\n", - " for i in range(target.shape[0]): \n", - " if target[i].item() == 0: \n", - " new_target[i] = torch.tensor([1,0]).clone() \n", - " else:\n", - " new_target[i] = torch.tensor([0,1]).clone()\n", - " \n", - " return target,new_target\n", - "\n", - "# Weiwen: select sub-set from MNIST\n", - "def select_num(dataset,interest_num):\n", - " labels = dataset.targets #get labels\n", - " labels = labels.numpy()\n", - " idx = {}\n", - " for num in interest_num:\n", - " idx[num] = np.where(labels == num)\n", - " fin_idx = idx[interest_num[0]]\n", - " for i in range(1,len(interest_num)): \n", - " fin_idx = (np.concatenate((fin_idx[0],idx[interest_num[i]][0])),)\n", - " \n", - " fin_idx = fin_idx[0] \n", - " dataset.targets = labels[fin_idx]\n", - " dataset.data = dataset.data[fin_idx]\n", - " dataset.targets,_ = modify_target(dataset.targets)\n", - " return dataset\n", - "\n", - "################ Weiwen on 12-30-2020 ################\n", - "# Function: ToQuantumData from Listing 1\n", - "# Note: Coverting classical data to quantum data\n", - "######################################################\n", - "class ToQuantumData(object):\n", - " def __call__(self, tensor):\n", - " device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", - " data = tensor.to(device)\n", - " input_vec = data.view(-1)\n", - " vec_len = input_vec.size()[0]\n", - " input_matrix = torch.zeros(vec_len, vec_len)\n", - " input_matrix[0] = input_vec\n", - " input_matrix = np.float64(input_matrix.transpose(0,1))\n", - " u, s, v = np.linalg.svd(input_matrix)\n", - " output_matrix = torch.tensor(np.dot(u, v))\n", - " output_data = output_matrix[:, 0].view(1, img_size,img_size)\n", - " return output_data\n", - "\n", - "################ Weiwen on 12-30-2020 ################\n", - "# Function: ToQuantumData from Listing 1\n", - "# Note: Coverting classical data to quantum matrix\n", - "######################################################\n", - "class ToQuantumMatrix(object):\n", - " def __call__(self, tensor):\n", - " device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", - " data = tensor.to(device)\n", - " input_vec = data.view(-1)\n", - " vec_len = input_vec.size()[0]\n", - " input_matrix = torch.zeros(vec_len, vec_len)\n", - " input_matrix[0] = input_vec\n", - " input_matrix = np.float64(input_matrix.transpose(0,1))\n", - " u, s, v = np.linalg.svd(input_matrix)\n", - " output_matrix = torch.tensor(np.dot(u, v))\n", - " return output_matrix \n", - " \n", - "################ Weiwen on 12-30-2020 ################\n", - "# Function: fire_ibmq from Listing 6\n", - "# Note: used for execute quantum circuit using \n", - "# simulation or ibm quantum processor\n", - "# Parameters: (1) quantum circuit; \n", - "# (2) number of shots;\n", - "# (3) simulation or quantum processor;\n", - "# (4) backend name if quantum processor.\n", - "######################################################\n", - "def fire_ibmq(circuit,shots,Simulation = False,backend_name='ibmq_essex'): \n", - " count_set = []\n", - " if not Simulation:\n", - " provider = IBMQ.get_provider('ibm-q-academic')\n", - " backend = provider.get_backend(backend_name)\n", - " else:\n", - " backend = Aer.get_backend('qasm_simulator')\n", - " job_ibm_q = execute(circuit, backend, shots=shots)\n", - " job_monitor(job_ibm_q)\n", - " result_ibm_q = job_ibm_q.result()\n", - " counts = result_ibm_q.get_counts()\n", - " return counts\n", - "\n", - "################ Weiwen on 12-30-2020 ################\n", - "# Function: analyze from Listing 6\n", - "# Note: used for analyze the count on states to \n", - "# formulate the probability for each qubit\n", - "# Parameters: (1) counts returned by fire_ibmq; \n", - "######################################################\n", - "def analyze(counts):\n", - " mycount = {}\n", - " for i in range(2):\n", - " mycount[i] = 0\n", - " for k,v in counts.items():\n", - " bits = len(k) \n", - " for i in range(bits): \n", - " if k[bits-1-i] == \"1\":\n", - " if i in mycount.keys():\n", - " mycount[i] += v\n", - " else:\n", - " mycount[i] = v\n", - " return mycount,bits\n", - "\n", - "################ Weiwen on 12-30-2020 ################\n", - "# Function: cccz from Listing 3\n", - "# Note: using the basic Toffoli gates and CZ gate\n", - "# to implement cccz gate, which will flip the\n", - "# sign of state |1111>\n", - "# Parameters: (1) quantum circuit; \n", - "# (2-4) control qubits;\n", - "# (5) target qubits;\n", - "# (6-7) auxiliary qubits.\n", - "######################################################\n", - "def cccz(circ, q1, q2, q3, q4, aux1, aux2):\n", - " # Apply Z-gate to a state controlled by 4 qubits\n", - " circ.ccx(q1, q2, aux1)\n", - " circ.ccx(q3, aux1, aux2)\n", - " circ.cz(aux2, q4)\n", - " # cleaning the aux bits\n", - " circ.ccx(q3, aux1, aux2)\n", - " circ.ccx(q1, q2, aux1)\n", - " return circ\n", - "\n", - "################ Weiwen on 12-30-2020 ################\n", - "# Function: cccz from Listing 4\n", - "# Note: using the basic Toffoli gate to implement ccccx\n", - "# gate. It is used to switch the quantum states\n", - "# of |11110> and |11111>.\n", - "# Parameters: (1) quantum circuit; \n", - "# (2-5) control qubits;\n", - "# (6) target qubits;\n", - "# (7-8) auxiliary qubits.\n", - "######################################################\n", - "def ccccx(circ, q1, q2, q3, q4, q5, aux1, aux2):\n", - " circ.ccx(q1, q2, aux1)\n", - " circ.ccx(q3, q4, aux2)\n", - " circ.ccx(aux2, aux1, q5)\n", - " # cleaning the aux bits\n", - " circ.ccx(q3, q4, aux2)\n", - " circ.ccx(q1, q2, aux1)\n", - " return circ\n", - "\n", - "################ Weiwen on 12-30-2020 ################\n", - "# Function: neg_weight_gate from Listing 3\n", - "# Note: adding NOT(X) gate before the qubits associated\n", - "# with 0 state. For example, if we want to flip \n", - "# the sign of |1101>, we add X gate for q2 before\n", - "# the cccz gate, as follows.\n", - "# --q3-----|---\n", - "# --q2----X|X--\n", - "# --q1-----|---\n", - "# --q0-----z---\n", - "# Parameters: (1) quantum circuit; \n", - "# (2) all qubits, say q0-q3;\n", - "# (3) the auxiliary qubits used for cccz\n", - "# (4) states, say 1101\n", - "######################################################\n", - "def neg_weight_gate(circ,qubits,aux,state):\n", - " idx = 0\n", - " # The index of qubits are reversed in terms of states.\n", - " # As shown in the above example: we put X at q2 not the third position.\n", - " state = state[::-1]\n", - " for idx in range(len(state)):\n", - " if state[idx]=='0':\n", - " circ.x(qubits[idx])\n", - " cccz(circ,qubits[0],qubits[1],qubits[2],qubits[3],aux[0],aux[1])\n", - " for idx in range(len(state)):\n", - " if state[idx]=='0':\n", - " circ.x(qubits[idx])\n" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": {}, - "outputs": [], - "source": [ - "################ Weiwen on 12-30-2020 ################\n", - "# Using torch to load MNIST data\n", - "######################################################\n", - "\n", - "# convert data to torch.FloatTensor\n", - "transform = transforms.Compose([transforms.Resize((ori_img_size,ori_img_size)),\n", - " transforms.ToTensor()])\n", - "# Path to MNIST Dataset\n", - "train_data = datasets.MNIST(root='./data', train=True,\n", - " download=True, transform=transform)\n", - "test_data = datasets.MNIST(root='./data', train=False,\n", - " download=True, transform=transform)\n", - "\n", - "train_data = select_num(train_data,interest_num)\n", - "test_data = select_num(test_data,interest_num)\n", - "\n", - "# prepare data loaders\n", - "train_loader = torch.utils.data.DataLoader(train_data, batch_size=batch_size,\n", - " num_workers=num_workers, shuffle=True, drop_last=True)\n", - "test_loader = torch.utils.data.DataLoader(test_data, batch_size=inference_batch_size, \n", - " num_workers=num_workers, shuffle=True, drop_last=True)\n" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [ + "cells": [ { - "name": "stdout", - "output_type": "stream", - "text": [ - "Batch Id: 0, Target: tensor([0])\n" - ] + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "_DmG8bKXrkkU" + }, + "outputs": [], + "source": [ + "# !pip install -q torch==1.9.0\n", + "# !pip install -q torchvision==0.10.0\n", + "\n", + "!pip install -q qiskit==0.20.0\n", + "\n", + "import warnings\n", + "warnings.filterwarnings(\"ignore\", category=DeprecationWarning) \n", + "\n", + "import torch\n", + "import torchvision\n", + "from torchvision import datasets\n", + "import torchvision.transforms as transforms\n", + "import torch.nn as nn\n", + "import shutil\n", + "import os\n", + "import time\n", + "import sys\n", + "from pathlib import Path\n", + "import numpy as np\n", + "import matplotlib.pyplot as plt\n", + "import numpy as np\n", + "from PIL import Image\n", + "from matplotlib import cm\n", + "import functools\n", + "from qiskit.tools.monitor import job_monitor\n", + "from qiskit import QuantumRegister, QuantumCircuit, ClassicalRegister\n", + "from qiskit.extensions import XGate, UnitaryGate\n", + "from qiskit import Aer, execute\n", + "import qiskit\n", + "\n", + "import warnings\n", + "warnings.filterwarnings(\"ignore\", category=DeprecationWarning)\n", + "print = functools.partial(print, flush=True)\n", + "\n", + "interest_num = [3,6]\n", + "ori_img_size = 28\n", + "img_size = 4\n", + "# number of subprocesses to use for data loading\n", + "num_workers = 0\n", + "# how many samples per batch to load\n", + "batch_size = 1\n", + "inference_batch_size = 1\n", + "\n", + "\n", + "# Weiwen: modify the target classes starting from 0. Say, [3,6] -> [0,1]\n", + "def modify_target(target):\n", + " for j in range(len(target)):\n", + " for idx in range(len(interest_num)):\n", + " if target[j] == interest_num[idx]:\n", + " target[j] = idx\n", + " break\n", + " new_target = torch.zeros(target.shape[0],2)\n", + " for i in range(target.shape[0]): \n", + " if target[i].item() == 0: \n", + " new_target[i] = torch.tensor([1,0]).clone() \n", + " else:\n", + " new_target[i] = torch.tensor([0,1]).clone()\n", + " \n", + " return target,new_target\n", + "\n", + "# Weiwen: select sub-set from MNIST\n", + "def select_num(dataset,interest_num):\n", + " labels = dataset.targets #get labels\n", + " labels = labels.numpy()\n", + " idx = {}\n", + " for num in interest_num:\n", + " idx[num] = np.where(labels == num)\n", + " fin_idx = idx[interest_num[0]]\n", + " for i in range(1,len(interest_num)): \n", + " fin_idx = (np.concatenate((fin_idx[0],idx[interest_num[i]][0])),)\n", + " \n", + " fin_idx = fin_idx[0] \n", + " dataset.targets = labels[fin_idx]\n", + " dataset.data = dataset.data[fin_idx]\n", + " dataset.targets,_ = modify_target(dataset.targets)\n", + " return dataset\n", + "\n", + "################ Weiwen on 12-30-2020 ################\n", + "# Function: ToQuantumData from Listing 1\n", + "# Note: Coverting classical data to quantum data\n", + "######################################################\n", + "class ToQuantumData(object):\n", + " def __call__(self, tensor):\n", + " device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", + " data = tensor.to(device)\n", + " input_vec = data.view(-1)\n", + " vec_len = input_vec.size()[0]\n", + " input_matrix = torch.zeros(vec_len, vec_len)\n", + " input_matrix[0] = input_vec\n", + " input_matrix = np.float64(input_matrix.transpose(0,1))\n", + " u, s, v = np.linalg.svd(input_matrix)\n", + " output_matrix = torch.tensor(np.dot(u, v))\n", + " output_data = output_matrix[:, 0].view(1, img_size,img_size)\n", + " return output_data\n", + "\n", + "################ Weiwen on 12-30-2020 ################\n", + "# Function: ToQuantumData from Listing 1\n", + "# Note: Coverting classical data to quantum matrix\n", + "######################################################\n", + "class ToQuantumMatrix(object):\n", + " def __call__(self, tensor):\n", + " device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", + " data = tensor.to(device)\n", + " input_vec = data.view(-1)\n", + " vec_len = input_vec.size()[0]\n", + " input_matrix = torch.zeros(vec_len, vec_len)\n", + " input_matrix[0] = input_vec\n", + " input_matrix = np.float64(input_matrix.transpose(0,1))\n", + " u, s, v = np.linalg.svd(input_matrix)\n", + " output_matrix = torch.tensor(np.dot(u, v))\n", + " return output_matrix \n", + " \n", + "################ Weiwen on 12-30-2020 ################\n", + "# Function: fire_ibmq from Listing 6\n", + "# Note: used for execute quantum circuit using \n", + "# simulation or ibm quantum processor\n", + "# Parameters: (1) quantum circuit; \n", + "# (2) number of shots;\n", + "# (3) simulation or quantum processor;\n", + "# (4) backend name if quantum processor.\n", + "######################################################\n", + "def fire_ibmq(circuit,shots,Simulation = False,backend_name='ibmq_essex'): \n", + " count_set = []\n", + " if not Simulation:\n", + " provider = IBMQ.get_provider('ibm-q-academic')\n", + " backend = provider.get_backend(backend_name)\n", + " else:\n", + " backend = Aer.get_backend('qasm_simulator')\n", + " job_ibm_q = execute(circuit, backend, shots=shots)\n", + " job_monitor(job_ibm_q)\n", + " result_ibm_q = job_ibm_q.result()\n", + " counts = result_ibm_q.get_counts()\n", + " return counts\n", + "\n", + "################ Weiwen on 12-30-2020 ################\n", + "# Function: analyze from Listing 6\n", + "# Note: used for analyze the count on states to \n", + "# formulate the probability for each qubit\n", + "# Parameters: (1) counts returned by fire_ibmq; \n", + "######################################################\n", + "def analyze(counts):\n", + " mycount = {}\n", + " for i in range(2):\n", + " mycount[i] = 0\n", + " for k,v in counts.items():\n", + " bits = len(k) \n", + " for i in range(bits): \n", + " if k[bits-1-i] == \"1\":\n", + " if i in mycount.keys():\n", + " mycount[i] += v\n", + " else:\n", + " mycount[i] = v\n", + " return mycount,bits\n", + "\n", + "################ Weiwen on 12-30-2020 ################\n", + "# Function: cccz from Listing 3\n", + "# Note: using the basic Toffoli gates and CZ gate\n", + "# to implement cccz gate, which will flip the\n", + "# sign of state |1111>\n", + "# Parameters: (1) quantum circuit; \n", + "# (2-4) control qubits;\n", + "# (5) target qubits;\n", + "# (6-7) auxiliary qubits.\n", + "######################################################\n", + "def cccz(circ, q1, q2, q3, q4, aux1, aux2):\n", + " # Apply Z-gate to a state controlled by 4 qubits\n", + " circ.ccx(q1, q2, aux1)\n", + " circ.ccx(q3, aux1, aux2)\n", + " circ.cz(aux2, q4)\n", + " # cleaning the aux bits\n", + " circ.ccx(q3, aux1, aux2)\n", + " circ.ccx(q1, q2, aux1)\n", + " return circ\n", + "\n", + "################ Weiwen on 12-30-2020 ################\n", + "# Function: cccz from Listing 4\n", + "# Note: using the basic Toffoli gate to implement ccccx\n", + "# gate. It is used to switch the quantum states\n", + "# of |11110> and |11111>.\n", + "# Parameters: (1) quantum circuit; \n", + "# (2-5) control qubits;\n", + "# (6) target qubits;\n", + "# (7-8) auxiliary qubits.\n", + "######################################################\n", + "def ccccx(circ, q1, q2, q3, q4, q5, aux1, aux2):\n", + " circ.ccx(q1, q2, aux1)\n", + " circ.ccx(q3, q4, aux2)\n", + " circ.ccx(aux2, aux1, q5)\n", + " # cleaning the aux bits\n", + " circ.ccx(q3, q4, aux2)\n", + " circ.ccx(q1, q2, aux1)\n", + " return circ\n", + "\n", + "################ Weiwen on 12-30-2020 ################\n", + "# Function: neg_weight_gate from Listing 3\n", + "# Note: adding NOT(X) gate before the qubits associated\n", + "# with 0 state. For example, if we want to flip \n", + "# the sign of |1101>, we add X gate for q2 before\n", + "# the cccz gate, as follows.\n", + "# --q3-----|---\n", + "# --q2----X|X--\n", + "# --q1-----|---\n", + "# --q0-----z---\n", + "# Parameters: (1) quantum circuit; \n", + "# (2) all qubits, say q0-q3;\n", + "# (3) the auxiliary qubits used for cccz\n", + "# (4) states, say 1101\n", + "######################################################\n", + "def neg_weight_gate(circ,qubits,aux,state):\n", + " idx = 0\n", + " # The index of qubits are reversed in terms of states.\n", + " # As shown in the above example: we put X at q2 not the third position.\n", + " state = state[::-1]\n", + " for idx in range(len(state)):\n", + " if state[idx]=='0':\n", + " circ.x(qubits[idx])\n", + " cccz(circ,qubits[0],qubits[1],qubits[2],qubits[3],aux[0],aux[1])\n", + " for idx in range(len(state)):\n", + " if state[idx]=='0':\n", + " circ.x(qubits[idx])\n" + ] }, { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAPsAAAD4CAYAAAAq5pAIAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8vihELAAAACXBIWXMAAAsTAAALEwEAmpwYAAAOsUlEQVR4nO3db4xV9Z3H8c93+aMGigEN4wRQWvRBcRPpSshGYFOpraxRkURqebBhhWT6AEJNTFbShtRoSMiuXeMTSYZUmd10JUWsGtwMCDbrbkwaBzIqA0sZBSkwYaQ8YEhAFvzugzk0I875neH+O5f5vl/J5N57vvfc883VD+fc+zv3/MzdBWD0+6uyGwDQGIQdCIKwA0EQdiAIwg4EMbaRGzMzvvoH6szdbbjlVe3ZzWyxmR0ys14zW1fNawGoL6t0nN3Mxkj6o6QfSjou6UNJy939QGId9uxAndVjzz5PUq+7f+buFyVtlbSkitcDUEfVhH2apD8NeXw8W/Y1ZtZmZl1m1lXFtgBUqZov6IY7VPjGYbq7t0tqlziMB8pUzZ79uKQZQx5Pl3SyunYA1Es1Yf9Q0l1m9m0zGy/pJ5Lerk1bAGqt4sN4d79kZmsk7ZQ0RtIr7t5Ts84A1FTFQ28VbYzP7EDd1eWkGgDXD8IOBEHYgSAIOxAEYQeCIOxAEIQdCIKwA0EQdiAIwg4EQdiBIAg7EARhB4Ig7EAQhB0IgrADQRB2IAjCDgRB2IEgCDsQBGEHgmjolM2j1S233JKsmw17sc8Ru3TpUrJ++fLlil97YGCg4nVxfWHPDgRB2IEgCDsQBGEHgiDsQBCEHQiCsANBhBlnnzp1arL+/PPPJ+uzZ8/Orc2bNy+57rhx45L1opl0i8bCz58/n6yndHZ2JusHDx5M1rdt25asHzly5Jp7Qn1UFXYzOyppQNJlSZfcfW4tmgJQe7XYs9/v7qdr8DoA6ojP7EAQ1YbdJe0ys71m1jbcE8yszcy6zKyrym0BqEK1h/Hz3f2kmU2V9K6Z/a+7vz/0Ce7eLqldksws/U0UgLqpas/u7iez235Jv5OU/loaQGkqDruZTTCzb125L+lHkvbXqjEAtWVFY7y5K5p9R4N7c2nw48B/uPuGgnVKO4zft29fsn7PPfdU/Nq9vb3Jen9/f7Je6X+DkViwYEFdt33u3Llk/c0338ytvf7668l1d+/enaxXc37BaObuw15AoeLP7O7+maTKEwKgoRh6A4Ig7EAQhB0IgrADQRB2IIiKh94q2liJQ29r165N1l988cVk/b777sutffTRR8l1L1y4kKzXU9FlridOnJisL1q0KFlvbW1N1tesWZNba2lpSa77wQcfJOtPPvlksl40JDpa5Q29sWcHgiDsQBCEHQiCsANBEHYgCMIOBEHYgSDCjLPfcMMNyfrixYuT9Z6entxa1PHckbjjjjtyaytXrkyuu379+mT91VdfTdZXrVqVrI9WjLMDwRF2IAjCDgRB2IEgCDsQBGEHgiDsQBBhpmz+8ssvk/W33nqrQZ3Ecvny5dxa0e/8i84BKbpMNr6OPTsQBGEHgiDsQBCEHQiCsANBEHYgCMIOBBFmnD2qomuzz5kzJ1m///77k/Wi68YvXbo0tzZhwoTkukXTbBfNBYCvK9yzm9krZtZvZvuHLJtiZu+a2eHsdnJ92wRQrZEcxm+RdPVlXNZJ2uPud0nakz0G0MQKw+7u70s6c9XiJZI6svsdkh6rbVsAaq3Sz+wt7t4nSe7eZ2ZT855oZm2S2ircDoAaqfsXdO7eLqldKveCk0B0lQ69nTKzVknKbvtr1xKAeqg07G9LWpHdXyGJ34cCTa7wuvFm9pqk70u6VdIpSb+U9Kak30q6XdIxScvc/eov8YZ7rZCH8QsXLkzWV69enawXzZHe3d2dW5s5c2Zy3VmzZiXrRVLblqRjx47l1rZs2ZJcd9euXcn6+fPnk/Wo8q4bX/iZ3d2X55R+UFVHABqK02WBIAg7EARhB4Ig7EAQhB0IIsyUzWU6evRosn777bfXbdtmw47C/MXAwECy/txzzyXrRcNnp0+fTtZRe0zZDARH2IEgCDsQBGEHgiDsQBCEHQiCsANBMM7eACtWrEjWH3nkkWR99uzZFW97+vTpyXrR5ZyrtXXr1tza9u3bk+vu2LEjWb948WJFPY12jLMDwRF2IAjCDgRB2IEgCDsQBGEHgiDsQBCMs49y06ZNS9aLpmyeP39+sv7oo48m66lzBIr+39u7d2+yvn79+mR9586dyfpoxTg7EBxhB4Ig7EAQhB0IgrADQRB2IAjCDgTBODuqMn78+GT9gQceyK0V/c7/8ccfT9aLfs/e2dmZW1u1alVy3TNnCmcgb1oVj7Ob2Stm1m9m+4cse9bMTphZd/b3UC2bBVB7IzmM3yJp8TDLX3T3Odnff9a2LQC1Vhh2d39f0vV7TANAUnVf0K0xs4+zw/zJeU8yszYz6zKzriq2BaBKlYZ9k6RZkuZI6pP0q7wnunu7u89197kVbgtADVQUdnc/5e6X3f0rSZslzattWwBqraKwm1nrkIdLJe3Pey6A5lA4zm5mr0n6vqRbJZ2S9Mvs8RxJLumopJ+6e1/hxkocZ580aVKyXnSN8tQ1zl966aWKekLasmXLkvXNmzcn6zfffHNu7fDhw8l1H3zwwWT9yJEjyXqZ8sbZx45gxeXDLP511R0BaChOlwWCIOxAEIQdCIKwA0EQdiCIMD9xXblyZbJeNIyTumTyO++8U1FPqM6dd96ZrG/YsCG3VvTz2c8//zxZX7hwYbJ+4sSJZL2euJQ0EBxhB4Ig7EAQhB0IgrADQRB2IAjCDgQRZpx97tz0hXJ2796drF+4cCG39swzzyTX7ejoSNZRH2PGjMmtvfDCC8l1165dm6x3d3cn6/fee2+yXk+MswPBEXYgCMIOBEHYgSAIOxAEYQeCIOxAEGHG2Ys88cQTyXp7e3tubeLEicl1i8ZkN27cmKxv27YtWce1S43BS9KBAweS9aLf0he9fj0xzg4ER9iBIAg7EARhB4Ig7EAQhB0IgrADQTDOPkJ33313bq3oGuRPP/10sl40Tt/T05Os9/b25taKpqIeGBhI1t97771k/eLFi8n62bNnk/V6uvHGG3NrRf/NXn755WR9/PjxFW+73ioeZzezGWb2ezM7aGY9ZvazbPkUM3vXzA5nt5Nr3TSA2hnJYfwlSU+7+3cl/a2k1WY2W9I6SXvc/S5Je7LHAJpUYdjdvc/d92X3ByQdlDRN0hJJV6631CHpsTr1CKAGxl7Lk81spqTvSfqDpBZ375MG/0Ews6k567RJaquyTwBVGnHYzWyipO2SnnL3s2bDfgfwDe7eLqk9e43r9gs64Ho3oqE3MxunwaD/xt3fyBafMrPWrN4qqb8+LQKohcKhNxvchXdIOuPuTw1Z/i+S/uzuG81snaQp7v5PBa8Vcs8+Y8aMZL3oUtSLFi1K1lM/txw7Nn3wVu3Q65kzZ5L1Q4cOVbztan9mmnrfZ82alVz3iy++SNYffvjhZL2rqytZr6e8obeRHMbPl/QPkj4xs+5s2c8lbZT0WzNbJemYpGU16BNAnRSG3d3/R1LeB/Qf1LYdAPXC6bJAEIQdCIKwA0EQdiAIwg4EwU9cR4HUePPSpUuT606YMCFZv+2225L1Tz/9NFmfN29ebq2lpSW57qRJk5L1m266KVnv788/z6uzszO57qZNm5L1ovMLysSlpIHgCDsQBGEHgiDsQBCEHQiCsANBEHYgCMbZ0bTGjRuXrBdNi3zhwoVatnPdYJwdCI6wA0EQdiAIwg4EQdiBIAg7EARhB4JgnB0YZRhnB4Ij7EAQhB0IgrADQRB2IAjCDgRB2IEgCsNuZjPM7PdmdtDMeszsZ9nyZ83shJl1Z38P1b9dAJUqPKnGzFoltbr7PjP7lqS9kh6T9GNJ59z9hRFvjJNqgLrLO6lmJPOz90nqy+4PmNlBSdNq2x6Aerumz+xmNlPS9yT9IVu0xsw+NrNXzGxyzjptZtZlZl3VtQqgGiM+N97MJkr6L0kb3P0NM2uRdFqSS3peg4f6Kwteg8N4oM7yDuNHFHYzGydph6Sd7v6vw9RnStrh7n9d8DqEHaizin8IY2Ym6deSDg4NevbF3RVLJe2vtkkA9TOSb+MXSPpvSZ9I+ipb/HNJyyXN0eBh/FFJP82+zEu9Fnt2oM6qOoyvFcIO1B+/ZweCI+xAEIQdCIKwA0EQdiAIwg4EQdiBIAg7EARhB4Ig7EAQhB0IgrADQRB2IAjCDgRReMHJGjst6fMhj2/NljWjZu2tWfuS6K1SteztjrxCQ3/P/o2Nm3W5+9zSGkho1t6atS+J3irVqN44jAeCIOxAEGWHvb3k7ac0a2/N2pdEb5VqSG+lfmYH0Dhl79kBNAhhB4IoJexmttjMDplZr5mtK6OHPGZ21Mw+yaahLnV+umwOvX4z2z9k2RQze9fMDme3w86xV1JvTTGNd2Ka8VLfu7KnP2/4Z3YzGyPpj5J+KOm4pA8lLXf3Aw1tJIeZHZU0191LPwHDzP5O0jlJ/3Zlai0z+2dJZ9x9Y/YP5WR3f6ZJentW1ziNd516y5tm/B9V4ntXy+nPK1HGnn2epF53/8zdL0raKmlJCX00PXd/X9KZqxYvkdSR3e/Q4P8sDZfTW1Nw9z5335fdH5B0ZZrxUt+7RF8NUUbYp0n605DHx9Vc8727pF1mttfM2spuZhgtV6bZym6nltzP1Qqn8W6kq6YZb5r3rpLpz6tVRtiHm5qmmcb/5rv730j6e0mrs8NVjMwmSbM0OAdgn6RfldlMNs34dklPufvZMnsZapi+GvK+lRH245JmDHk8XdLJEvoYlrufzG77Jf1Ogx87msmpKzPoZrf9JffzF+5+yt0vu/tXkjarxPcum2Z8u6TfuPsb2eLS37vh+mrU+1ZG2D+UdJeZfdvMxkv6iaS3S+jjG8xsQvbFicxsgqQfqfmmon5b0ors/gpJb5XYy9c0yzTeedOMq+T3rvTpz9294X+SHtLgN/KfSvpFGT3k9PUdSR9lfz1l9ybpNQ0e1v2fBo+IVkm6RdIeSYez2ylN1Nu/a3Bq7481GKzWknpboMGPhh9L6s7+Hir7vUv01ZD3jdNlgSA4gw4IgrADQRB2IAjCDgRB2IEgCDsQBGEHgvh/8yDiENyzMBAAAAAASUVORK5CYII=", - "text/plain": [ - "
" + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "qeLLhENSrkka" + }, + "outputs": [], + "source": [ + "################ Weiwen on 12-30-2020 ################\n", + "# Using torch to load MNIST data\n", + "######################################################\n", + "\n", + "# convert data to torch.FloatTensor\n", + "transform = transforms.Compose([transforms.Resize((ori_img_size,ori_img_size)),\n", + " transforms.ToTensor()])\n", + "# Path to MNIST Dataset\n", + "train_data = datasets.MNIST(root='./data', train=True,\n", + " download=True, transform=transform)\n", + "test_data = datasets.MNIST(root='./data', train=False,\n", + " download=True, transform=transform)\n", + "\n", + "train_data = select_num(train_data,interest_num)\n", + "test_data = select_num(test_data,interest_num)\n", + "\n", + "# prepare data loaders\n", + "train_loader = torch.utils.data.DataLoader(train_data, batch_size=batch_size,\n", + " num_workers=num_workers, shuffle=True, drop_last=True)\n", + "test_loader = torch.utils.data.DataLoader(test_data, batch_size=inference_batch_size, \n", + " num_workers=num_workers, shuffle=True, drop_last=True)\n" ] - }, - "metadata": { - "needs_background": "light" - }, - "output_type": "display_data" }, { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAQcAAAD8CAYAAAB6iWHJAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8vihELAAAACXBIWXMAAAsTAAALEwEAmpwYAAANWUlEQVR4nO3dX4gd93nG8eeRtFFtRUYuSq2NpMqBLoE0UNldFJtAUdO4thaDcmGKfBHHJrDEOMGCGhpa49K7XgVqFOQuxMSCkDTgxBXpqkENKv5XJVaEpFhW3S5uwItERRVr5UXGYa23F2csDut3tfLOb2bOer8fOGjmzE/z/g62H8+ZmTOvI0IAMN+qricAYDARDgBShAOAFOEAIEU4AEgRDgBSa+r8Zdu/K+mfJN0q6deS/iIi3krG/VrS25LekzQXEaN16gJoXt0jh29K+llEjEj6WbW+kD+NiO0EA7A81A2H3ZKeqZafkfSlmvsDMCBc5w5J2xcjYkPf+lsRcXMy7n8kvSUpJP1jRExcY5/jksYladWqVX984403Lnl+g+qmm27qegqNmZ2d7XoKjbh06VLXU2hMRDh7f9FwsP1vkjYlm/5G0jPXGQ6fjIiztn9P0mFJ34iI5xeb9Pr162P79u2LDVt27r777q6n0JiXX3656yk04tChQ11PoTELhcOiJyQj4osLbbP9v7aHI+Kc7WFJ5xfYx9nqz/O2fyxph6RFwwFAd+qeczgo6SvV8lck/fP8AbbX2V7//rKkP5f0as26ABpWNxz+XtJdtv9b0l3Vumx/0vZkNeYWSS/aPinpF5L+JSL+tWZdAA2rdZ9DRFyQ9GfJ+2cljVXLb0j6ozp1ALSPOyQBpAgHACnCAUCKcACQIhwApAgHACnCAUCKcACQIhwApAgHACnCAUCKcACQIhwApAgHACnCAUCKcACQIhwApAgHAKki4WD7Htuv256y/YGuV+55stp+yvbtJeoCaE7tcLC9WtK3Je2S9BlJ99v+zLxhuySNVK9xSfvr1gXQrBJHDjskTUXEGxHxW0k/UK9NXr/dkg5Ez1FJG6o+FwAGVIlw2Czpzb716eq9DzsGwACp9Wj6StZKa36PvesZ0xvY1ytz7dq19WYGYMlKHDlMS9rat75F0tkljJEkRcRERIxGxOjQ0FCB6QFYihLh8IqkEdufsv0xSXvUa5PX76CkB6qrFndImomIcwVqA2hI7a8VETFn++uSfipptaSnI+K07a9V25+SNKleB6wpSZclPVS3LoBmlTjnoIiYVC8A+t97qm85JD1SohaAdnCHJIAU4QAgRTgASBEOAFKEA4AU4QAgRTgASBEOAFKEA4AU4QAgRTgASBEOAFKEA4AU4QAgRTgASBEOAFKEA4AU4QAgRTgASLXVK3On7RnbJ6rXEyXqAmhO7QfM9vXKvEu9/hSv2D4YEa/NG/pCRNxbtx6AdpR4+vTVXpmSZPv9Xpnzw+FDu3Llii5fvlx3NwPnwQcf7HoKjXn88ce7nkIjNm7c2PUUGnHx4sUFt7XVK1OS7rR90vYh23+40M5sj9s+ZvvY3NxcgekBWIq2emUel7QtImZtj0l6TtJItrOImJA0IUnr1q1L+2kCaF4rvTIj4lJEzFbLk5KGbH80j9OAj4hWemXa3mTb1fKOqu6FArUBNKStXpn3SXrY9pykdyTtqVrkARhQbfXK3CdpX4laANrBHZIAUoQDgBThACBFOABIEQ4AUoQDgBThACBFOABIEQ4AUoQDgBThACBFOABIEQ4AUoQDgBThACBFOABIEQ4AUoQDgFSpdnhP2z5v+9UFttv2k1W7vFO2by9RF0BzSh05fFfSPdfYvku9PhUjksYl7S9UF0BDioRDRDwv6TfXGLJb0oHoOSppg+3hErUBNKOtcw7X2zKPdnjAgGgrHK6nZV7vzYiJiBiNiNE1a4o8OR/AErQVDou2zAMwWNoKh4OSHqiuWtwhaSYizrVUG8ASFDlut/19STslbbQ9LelvJQ1JVztfTUoakzQl6bKkh0rUBdCcUu3w7l9ke0h6pEQtAO3gDkkAKcIBQIpwAJAiHACkCAcAKcIBQIpwAJAiHACkCAcAKcIBQIpwAJAiHACkCAcAKcIBQIpwAJAiHACkCAcAKcIBQKqtdng7bc/YPlG9nihRF0BzSjWG+K6kfZIOXGPMCxFxb6F6ABrWVjs8AMtMmy2l7rR9Ur1mNo9FxOlskO1x9Zrt6oYbbtC2bdtanGI7Xnrppa6n0JiRkZGup9CIvXv3dj2FRuzfv3BP67bC4bikbRExa3tM0nPqddz+gIiYkDQhSTfffHPaMg9A81q5WhERlyJitlqelDRke2MbtQEsTSvhYHuTbVfLO6q6F9qoDWBp2mqHd5+kh23PSXpH0p6qCxaAAdVWO7x96l3qBLBMcIckgBThACBFOABIEQ4AUoQDgBThACBFOABIEQ4AUoQDgBThACBFOABIEQ4AUoQDgBThACBFOABIEQ4AUoQDgBThACBVOxxsb7V9xPYZ26dtP5qMse0nbU/ZPmX79rp1ATSrxDMk5yT9ZUQct71e0i9tH46I1/rG7FKvT8WIpM9J2l/9CWBA1T5yiIhzEXG8Wn5b0hlJm+cN2y3pQPQclbTB9nDd2gCaU/Scg+1bJd0m6efzNm2W9Gbf+rQ+GCDv72Pc9jHbx959992S0wPwIRQLB9sfl/SspL0RcWn+5uSvpH0rImIiIkYjYnTt2rWlpgfgQyoSDraH1AuG70XEj5Ih05K29q1vUa+hLoABVeJqhSV9R9KZiPjWAsMOSnqgumpxh6SZiDhXtzaA5pS4WvF5SV+W9CvbJ6r3/lrS70tX2+FNShqTNCXpsqSHCtQF0KDa4RARLyo/p9A/JiQ9UrcWgPZwhySAFOEAIEU4AEgRDgBShAOAFOEAIEU4AEgRDgBShAOAFOEAIEU4AEgRDgBShAOAFOEAIEU4AEgRDgBShAOAFOEAINVWO7ydtmdsn6heT9StC6BZbbXDk6QXIuLeAvUAtKCtdngAlpkSRw5XXaMdniTdafukes1sHouI0wvsY1zSeLWsI0eOlJziQFi3bl3XU2jMLbfc0vUUGnH06NGup9CImZmZBbcVC4dF2uEdl7QtImZtj0l6Tr2O2x8QEROSJiRpzZo1acs8AM1rpR1eRFyKiNlqeVLSkO2NJWoDaEYr7fBsb6rGyfaOqu6FurUBNKetdnj3SXrY9pykdyTtqbpgARhQbbXD2ydpX91aANrDHZIAUoQDgBThACBFOABIEQ4AUoQDgBThACBFOABIEQ4AUoQDgBThACBFOABIEQ4AUoQDgBThACBFOABIEQ4AUoQDgFSJB8z+ju1f2D5ZtcP7u2SMbT9pe8r2Kdu3160LoFklHjD7rqQvVD0phiS9aPtQRPR3AdmlXp+KEUmfk7S/+hPAgCrRDi/e70khaah6zX+y9G5JB6qxRyVtsD1ctzaA5pRqarO6eiz9eUmHI2J+O7zNkt7sW58W/TSBgVYkHCLivYjYLmmLpB22PztvSPbo+rRvhe1x28dsH7ty5UqJ6QFYgqJXKyLioqR/l3TPvE3Tkrb2rW9Rr6Futo+JiBiNiNFVq7iYAnSlxNWKT9jeUC3fIOmLkv5z3rCDkh6orlrcIWkmIs7VrQ2gOSWuVgxLesb2avXC5ocR8RPbX5OutsOblDQmaUrSZUkPFagLoEEl2uGdknRb8v5Tfcsh6ZG6tQC0hy/1AFKEA4AU4QAgRTgASBEOAFKEA4AU4QAgRTgASBEOAFKEA4AU4QAgRTgASBEOAFKEA4AU4QAgRTgASBEOAFKEA4AU4QAg1VavzJ22Z2yfqF5P1K0LoFlt9cqUpBci4t4C9QC0oMTTp0PSYr0yASwz7v23XXMnvZ4Vv5T0B5K+HRF/NW/7TknPqtf56qykxyLi9AL7Gpc0Xq1+WtLrtSd4fTZK+r+WarWJz7X8tPnZtkXEJ7INRcLh6s56na9+LOkbEfFq3/s3SbpSffUYk/QPETFSrHABto9FxGjX8yiNz7X8DMpna6VXZkRciojZanlS0pDtjSVrAyirlV6ZtjfZdrW8o6p7oW5tAM1pq1fmfZIetj0n6R1Je6Lk95kyJrqeQEP4XMvPQHy2ouccAHx0cIckgBThACC14sPB9j22X7c9ZfubXc+nFNtP2z5v+9XFRy8ftrfaPmL7THW7/qNdz6mE6/kZQutzWsnnHKqTqP8l6S71btB6RdL9EfFapxMrwPafqHfn6oGI+GzX8ynF9rCk4Yg4bnu9ejfffWm5/zOrruat6/8ZgqRHk58htGalHznskDQVEW9ExG8l/UDS7o7nVEREPC/pN13Po7SIOBcRx6vltyWdkbS521nVFz0D9TOElR4OmyW92bc+rY/Av2grhe1bJd0m6ecdT6UI26ttn5B0XtLhiOj0c630cHDy3sr9nrWM2P64er/X2RsRl7qeTwkR8V5EbJe0RdIO251+HVzp4TAtaWvf+hb1fhiGAVZ9J39W0vci4kddz6e0hX6G0LaVHg6vSBqx/SnbH5O0R9LBjueEa6hO3H1H0pmI+FbX8ynlen6G0LYVHQ4RMSfp65J+qt6JrR8u9FPy5cb29yX9h6RP2562/dWu51TI5yV9WdIX+p4sNtb1pAoYlnTE9in1/qd1OCJ+0uWEVvSlTAALW9FHDgAWRjgASBEOAFKEA4AU4QAgRTgASBEOAFL/D3tOICncE585AAAAAElFTkSuQmCC", - "text/plain": [ - "
" + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "5ooj924Lrkkb" + }, + "outputs": [], + "source": [ + "################ Weiwen on 12-30-2020 ################\n", + "# T1: Downsample the image from 28*28 to 4*4\n", + "# T2: Convert classical data to quantum data which \n", + "# can be encoded to the quantum states (amplitude)\n", + "######################################################\n", + "\n", + "# Process data by hand, we can also integrate ToQuantumData into transform\n", + "def data_pre_pro(img):\n", + " # Print original figure\n", + " img = img\n", + " npimg = img.numpy()\n", + " plt.imshow(np.transpose(npimg, (1, 2, 0))) \n", + " plt.show()\n", + " # Print resized figure\n", + " image = np.asarray(npimg[0] * 255, np.uint8) \n", + " im = Image.fromarray(image,mode=\"L\")\n", + " im = im.resize((4,4),Image.BILINEAR) \n", + " plt.imshow(im,cmap='gray',)\n", + " plt.show()\n", + " # Converting classical data to quantum data\n", + " trans_to_tensor = transforms.ToTensor()\n", + " trans_to_vector = ToQuantumData()\n", + " trans_to_matrix = ToQuantumMatrix() \n", + " print(\"Classical Data: {}\".format(trans_to_tensor(im).flatten()))\n", + " print(\"Quantum Data: {}\".format(trans_to_vector(trans_to_tensor(im)).flatten()))\n", + " return trans_to_matrix(trans_to_tensor(im)),trans_to_vector(trans_to_tensor(im))\n", + "\n", + "# Use the first image from test loader as example\n", + "for batch_idx, (data, target) in enumerate(test_loader):\n", + " torch.set_printoptions(threshold=sys.maxsize)\n", + " print(\"Batch Id: {}, Target: {}\".format(batch_idx,target))\n", + " quantum_matrix,qantum_data = data_pre_pro(torchvision.utils.make_grid(data))\n", + " break" ] - }, - "metadata": { - "needs_background": "light" - }, - "output_type": "display_data" }, { - "name": "stdout", - "output_type": "stream", - "text": [ - "Classical Data: tensor([0.0902, 0.1882, 0.1059, 0.0039, 0.0745, 0.3216, 0.3608, 0.0314, 0.1176,\n", - " 0.2392, 0.2902, 0.1882, 0.0275, 0.1333, 0.1647, 0.0863])\n", - "Quantum Data: tensor([0.1229, 0.2565, 0.1443, 0.0053, 0.1015, 0.4381, 0.4916, 0.0427, 0.1603,\n", - " 0.3259, 0.3954, 0.2565, 0.0374, 0.1817, 0.2244, 0.1175],\n", - " dtype=torch.float64)\n" - ] - } - ], - "source": [ - "################ Weiwen on 12-30-2020 ################\n", - "# T1: Downsample the image from 28*28 to 4*4\n", - "# T2: Convert classical data to quantum data which \n", - "# can be encoded to the quantum states (amplitude)\n", - "######################################################\n", - "\n", - "# Process data by hand, we can also integrate ToQuantumData into transform\n", - "def data_pre_pro(img):\n", - " # Print original figure\n", - " img = img\n", - " npimg = img.numpy()\n", - " plt.imshow(np.transpose(npimg, (1, 2, 0))) \n", - " plt.show()\n", - " # Print resized figure\n", - " image = np.asarray(npimg[0] * 255, np.uint8) \n", - " im = Image.fromarray(image,mode=\"L\")\n", - " im = im.resize((4,4),Image.BILINEAR) \n", - " plt.imshow(im,cmap='gray',)\n", - " plt.show()\n", - " # Converting classical data to quantum data\n", - " trans_to_tensor = transforms.ToTensor()\n", - " trans_to_vector = ToQuantumData()\n", - " trans_to_matrix = ToQuantumMatrix() \n", - " print(\"Classical Data: {}\".format(trans_to_tensor(im).flatten()))\n", - " print(\"Quantum Data: {}\".format(trans_to_vector(trans_to_tensor(im)).flatten()))\n", - " return trans_to_matrix(trans_to_tensor(im)),trans_to_vector(trans_to_tensor(im))\n", - "\n", - "# Use the first image from test loader as example\n", - "for batch_idx, (data, target) in enumerate(test_loader):\n", - " torch.set_printoptions(threshold=sys.maxsize)\n", - " print(\"Batch Id: {}, Target: {}\".format(batch_idx,target))\n", - " quantum_matrix,qantum_data = data_pre_pro(torchvision.utils.make_grid(data))\n", - " break" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": {}, - "outputs": [], - "source": [ - "################ Weiwen on 12-30-2020 ################\n", - "# Parameters of the trained model\n", - "# The training procedure will be found in another repo\n", - "# https://github.com/weiwenjiang/QuantumFlow\n", - "######################################################\n", - "\n", - "# Model initialization\n", - "weight_1_1 = torch.tensor([1., 1., 1., 1., 1., 1., 1., -1., 1., -1., 1., -1., 1., 1., 1., 1.])\n", - "weight_1_2 = torch.tensor([-1., -1., -1., -1., -1., -1., -1., -1., -1., 1., -1., 1., -1., -1.,-1., -1.])\n", - "\n", - "weight_2_1 = torch.tensor([1., -1.])\n", - "norm_flag_1 = True\n", - "norm_para_1 = torch.tensor(0.3060)\n", - "\n", - "weight_2_2 = torch.tensor([-1., -1.])\n", - "norm_flag_2 = False\n", - "norm_para_2 = torch.tensor(0.6940)" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": { - "scrolled": true - }, - "outputs": [ + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "q4AYSlK3rkkc" + }, + "outputs": [], + "source": [ + "################ Weiwen on 12-30-2020 ################\n", + "# Parameters of the trained model\n", + "# The training procedure will be found in another repo\n", + "# https://github.com/weiwenjiang/QuantumFlow\n", + "######################################################\n", + "\n", + "# Model initialization\n", + "weight_1_1 = torch.tensor([1., 1., 1., 1., 1., 1., 1., -1., 1., -1., 1., -1., 1., 1., 1., 1.])\n", + "weight_1_2 = torch.tensor([-1., -1., -1., -1., -1., -1., -1., -1., -1., 1., -1., 1., -1., -1.,-1., -1.])\n", + "\n", + "weight_2_1 = torch.tensor([1., -1.])\n", + "norm_flag_1 = True\n", + "norm_para_1 = torch.tensor(0.3060)\n", + "\n", + "weight_2_2 = torch.tensor([-1., -1.])\n", + "norm_flag_2 = False\n", + "norm_para_2 = torch.tensor(0.6940)" + ] + }, { - "name": "stdout", - "output_type": "stream", - "text": [ - " ┌────────┐ ░ »\n", - " in_qbit_0: ┤0 ├───────■──────────────────────■───░────────■───────»\n", - " │ │ │ │ ░ ┌───┐ │ »\n", - " in_qbit_1: ┤1 ├───────■──────────────────────■───░─┤ X ├──■───────»\n", - " │ Input │ │ │ ░ ├───┤ │ »\n", - " in_qbit_2: ┤2 ├───────┼────■───────■─────────┼───░─┤ X ├──┼────■──»\n", - " │ │┌───┐ │ │ │ ┌───┐ │ ░ └───┘ │ │ »\n", - " in_qbit_3: ┤3 ├┤ X ├──┼────┼───■───┼──┤ X ├──┼───░────────┼────┼──»\n", - " └────────┘└───┘┌─┴─┐ │ │ │ └───┘┌─┴─┐ ░ ┌─┴─┐ │ »\n", - " aux_qbit_0: ───────────────┤ X ├──■───┼───■───────┤ X ├─░──────┤ X ├──■──»\n", - " └───┘┌─┴─┐ │ ┌─┴─┐ └───┘ ░ └───┘┌─┴─┐»\n", - " aux_qbit_1: ────────────────────┤ X ├─■─┤ X ├───────────░───────────┤ X ├»\n", - " └───┘ └───┘ ░ └───┘»\n", - "hidden_qbits_0: ────────────────────────────────────────────░────────────────»\n", - " ░ »\n", - " reg: 1/═════════════════════════════════════════════════════════════»\n", - " »\n", - "« ░ ░ ┌───┐»\n", - "« in_qbit_0: ──────────■────────░────────■─────────────────■────────░─┤ H ├»\n", - "« │ ┌───┐ ░ │ │ ░ ├───┤»\n", - "« in_qbit_1: ──────────■──┤ X ├─░────────■─────────────────■────────░─┤ H ├»\n", - "« │ ├───┤ ░ ┌───┐ │ │ ┌───┐ ░ ├───┤»\n", - "« in_qbit_2: ─────■────┼──┤ X ├─░─┤ X ├──┼────■───────■────┼──┤ X ├─░─┤ H ├»\n", - "« │ │ └───┘ ░ └───┘ │ │ │ │ └───┘ ░ ├───┤»\n", - "« in_qbit_3: ─■───┼────┼────────░────────┼────┼───■───┼────┼────────░─┤ H ├»\n", - "« │ │ ┌─┴─┐ ░ ┌─┴─┐ │ │ │ ┌─┴─┐ ░ └───┘»\n", - "« aux_qbit_0: ─┼───■──┤ X ├──────░──────┤ X ├──■───┼───■──┤ X ├──────░──────»\n", - "« │ ┌─┴─┐└───┘ ░ └───┘┌─┴─┐ │ ┌─┴─┐└───┘ ░ »\n", - "« aux_qbit_1: ─■─┤ X ├───────────░───────────┤ X ├─■─┤ X ├───────────░──────»\n", - "« └───┘ ░ └───┘ └───┘ ░ »\n", - "«hidden_qbits_0: ───────────────────░───────────────────────────────────░──────»\n", - "« ░ ░ »\n", - "« reg: 1/══════════════════════════════════════════════════════════════»\n", - "« »\n", - "« ┌───┐ \n", - "« in_qbit_0: ┤ X ├──■───────────────────■──\n", - "« ├───┤ │ │ \n", - "« in_qbit_1: ┤ X ├──■───────────────────■──\n", - "« ├───┤ │ │ \n", - "« in_qbit_2: ┤ X ├──┼────■─────────■────┼──\n", - "« ├───┤ │ │ │ │ \n", - "« in_qbit_3: ┤ X ├──┼────■─────────■────┼──\n", - "« └───┘┌─┴─┐ │ │ ┌─┴─┐\n", - "« aux_qbit_0: ─────┤ X ├──┼────■────┼──┤ X ├\n", - "« └───┘┌─┴─┐ │ ┌─┴─┐└───┘\n", - "« aux_qbit_1: ──────────┤ X ├──■──┤ X ├─────\n", - "« └───┘┌─┴─┐└┬─┬┘ \n", - "«hidden_qbits_0: ───────────────┤ X ├─┤M├──────\n", - "« └───┘ └╥┘ \n", - "« reg: 1/══════════════════════╩═══════\n", - "« 0 \n" - ] - } - ], - "source": [ - "################ Weiwen on 12-30-2020 ################\n", - "# Quantum circuit implementation\n", - "######################################################\n", - "\n", - "# From Listing 2: creat the qubits to hold data\n", - "inp = QuantumRegister(4,\"in_qbit\")\n", - "circ = QuantumCircuit(inp)\n", - "data_matrix = quantum_matrix\n", - "circ.append(UnitaryGate(data_matrix, label=\"Input\"), inp[0:4])\n", - "\n", - "# From Listing 3: create auxiliary qubits\n", - "aux = QuantumRegister(2,\"aux_qbit\")\n", - "circ.add_register(aux)\n", - "\n", - "# From Listing 4: create output qubits for the first layer (hidden neurons)\n", - "hidden_neurons = QuantumRegister(1,\"hidden_qbits\")\n", - "circ.add_register(hidden_neurons)\n", - "\n", - "# Add classical register\n", - "c_reg = ClassicalRegister(1,\"reg\")\n", - "circ.add_register(c_reg)\n", - "\n", - "# From Listing 3: to multiply inputs and weights on quantum circuit\n", - "if weight_1_1.sum()<0:\n", - " weight_1_1 = weight_1_1*-1\n", - "idx = 0\n", - "for idx in range(weight_1_1.flatten().size()[0]):\n", - " if weight_1_1[idx]==-1:\n", - " state = \"{0:b}\".format(idx).zfill(4)\n", - " neg_weight_gate(circ,inp,aux,state)\n", - " circ.barrier()\n", - " \n", - "# From Listing 4: applying the quadratic function on the weighted sum\n", - "circ.h(inp)\n", - "circ.x(inp)\n", - "ccccx(circ,inp[0],inp[1],inp[2],inp[3],hidden_neurons[0],aux[0],aux[1])\n", - "\n", - "# Measure output of the neuron to see the result, which is not necessary for multi-layer network\n", - "circ.measure(hidden_neurons,c_reg)\n", - "\n", - "print(circ)" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [ + "cell_type": "code", + "execution_count": null, + "metadata": { + "scrolled": true, + "id": "MCEXuiGKrkkd" + }, + "outputs": [], + "source": [ + "################ Weiwen on 12-30-2020 ################\n", + "# Quantum circuit implementation\n", + "######################################################\n", + "\n", + "# From Listing 2: creat the qubits to hold data\n", + "inp = QuantumRegister(4,\"in_qbit\")\n", + "circ = QuantumCircuit(inp)\n", + "data_matrix = quantum_matrix\n", + "circ.append(UnitaryGate(data_matrix, label=\"Input\"), inp[0:4])\n", + "\n", + "# From Listing 3: create auxiliary qubits\n", + "aux = QuantumRegister(2,\"aux_qbit\")\n", + "circ.add_register(aux)\n", + "\n", + "# From Listing 4: create output qubits for the first layer (hidden neurons)\n", + "hidden_neurons = QuantumRegister(1,\"hidden_qbits\")\n", + "circ.add_register(hidden_neurons)\n", + "\n", + "# Add classical register\n", + "c_reg = ClassicalRegister(1,\"reg\")\n", + "circ.add_register(c_reg)\n", + "\n", + "# From Listing 3: to multiply inputs and weights on quantum circuit\n", + "if weight_1_1.sum()<0:\n", + " weight_1_1 = weight_1_1*-1\n", + "idx = 0\n", + "for idx in range(weight_1_1.flatten().size()[0]):\n", + " if weight_1_1[idx]==-1:\n", + " state = \"{0:b}\".format(idx).zfill(4)\n", + " neg_weight_gate(circ,inp,aux,state)\n", + " circ.barrier()\n", + " \n", + "# From Listing 4: applying the quadratic function on the weighted sum\n", + "circ.h(inp)\n", + "circ.x(inp)\n", + "ccccx(circ,inp[0],inp[1],inp[2],inp[3],hidden_neurons[0],aux[0],aux[1])\n", + "\n", + "# Measure output of the neuron to see the result, which is not necessary for multi-layer network\n", + "circ.measure(hidden_neurons,c_reg)\n", + "\n", + "print(circ)" + ] + }, { - "name": "stdout", - "output_type": "stream", - "text": [ - "Job Status: job has successfully run\n", - "[0.263262]\n" - ] - } - ], - "source": [ - "################ Weiwen on 12-30-2020 ################\n", - "# Quantum simulation\n", - "######################################################\n", - "\n", - "# From Listing 6: execute the quantum circuit to obtain the results\n", - "qc_shots=1000000\n", - "counts = fire_ibmq(circ,qc_shots,True)\n", - "(mycount,bits) = analyze(counts)\n", - "class_prob=[]\n", - "for b in range(bits):\n", - " class_prob.append(float(mycount[b])/qc_shots)\n", - "print(class_prob)" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [ + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "8_H5RAoOrkkd" + }, + "outputs": [], + "source": [ + "################ Weiwen on 12-30-2020 ################\n", + "# Quantum simulation\n", + "######################################################\n", + "\n", + "# From Listing 6: execute the quantum circuit to obtain the results\n", + "qc_shots=1000000\n", + "counts = fire_ibmq(circ,qc_shots,True)\n", + "(mycount,bits) = analyze(counts)\n", + "class_prob=[]\n", + "for b in range(bits):\n", + " class_prob.append(float(mycount[b])/qc_shots)\n", + "print(class_prob)" + ] + }, { - "name": "stdout", - "output_type": "stream", - "text": [ - "[tensor(0.2631, dtype=torch.float64)]\n" - ] + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "nf2WE2Vyrkke" + }, + "outputs": [], + "source": [ + "################ Weiwen on 12-30-2020 ################\n", + "# Do the same compuation in classical computing for\n", + "# comparison.\n", + "######################################################\n", + "\n", + "input_data = qantum_data.flatten()\n", + "weight_neuron_1 = weight_1_1\n", + "weighted_sum_neuron_1 = (input_data*weight_neuron_1).sum()\n", + "result_neuron_1 = weighted_sum_neuron_1.pow(2)/len(weight_neuron_1)\n", + "\n", + "print([result_neuron_1])" + ] } - ], - "source": [ - "################ Weiwen on 12-30-2020 ################\n", - "# Do the same compuation in classical computing for\n", - "# comparison.\n", - "######################################################\n", - "\n", - "input_data = qantum_data.flatten()\n", - "weight_neuron_1 = weight_1_1\n", - "weighted_sum_neuron_1 = (input_data*weight_neuron_1).sum()\n", - "result_neuron_1 = weighted_sum_neuron_1.pow(2)/len(weight_neuron_1)\n", - "\n", - "print([result_neuron_1])" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.8.5" - }, - "pycharm": { - "stem_cell": { - "cell_type": "raw", - "metadata": { - "collapsed": false + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.5" + }, + "pycharm": { + "stem_cell": { + "cell_type": "raw", + "metadata": { + "collapsed": false + }, + "source": [] + } }, - "source": [] - } - } - }, - "nbformat": 4, - "nbformat_minor": 4 -} + "colab": { + "provenance": [] + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/session_2/Tutorial_3_Full_MNIST_Prediction.ipynb b/session_2/Tutorial_3_Full_MNIST_Prediction.ipynb index 93a7864..c1d8fc6 100644 --- a/session_2/Tutorial_3_Full_MNIST_Prediction.ipynb +++ b/session_2/Tutorial_3_Full_MNIST_Prediction.ipynb @@ -2,7 +2,7 @@ "cells": [ { "cell_type": "code", - "execution_count": 16, + "execution_count": null, "source": [ "!pip install -q torch==1.8.1\n", "!pip install -q torchvision==0.4.0\n", @@ -232,7 +232,7 @@ }, { "cell_type": "code", - "execution_count": 2, + "execution_count": null, "source": [ "################ Weiwen on 12-30-2020 ################\n", "# Using torch to load MNIST data\n", @@ -256,116 +256,17 @@ "test_loader = torch.utils.data.DataLoader(test_data, batch_size=inference_batch_size, \n", " num_workers=num_workers, shuffle=True, drop_last=True)\n" ], - "outputs": [ - { - "output_type": "stream", - "name": "stdout", - "text": [ - "Downloading http://yann.lecun.com/exdb/mnist/train-images-idx3-ubyte.gz to ./data/MNIST/raw/train-images-idx3-ubyte.gz\n" - ] - }, - { - "output_type": "stream", - "name": "stderr", - "text": [ - "9920512it [00:00, 61216038.36it/s] " - ] - }, - { - "output_type": "stream", - "name": "stdout", - "text": [ - "Extracting ./data/MNIST/raw/train-images-idx3-ubyte.gz to ./data/MNIST/raw\n" - ] - }, - { - "output_type": "stream", - "name": "stderr", - "text": [ - "\n" - ] - }, - { - "output_type": "stream", - "name": "stdout", - "text": [ - "Downloading http://yann.lecun.com/exdb/mnist/train-labels-idx1-ubyte.gz to ./data/MNIST/raw/train-labels-idx1-ubyte.gz\n" - ] - }, - { - "output_type": "stream", - "name": "stderr", - "text": [ - "32768it [00:00, 787778.30it/s]\n" - ] - }, - { - "output_type": "stream", - "name": "stdout", - "text": [ - "Extracting ./data/MNIST/raw/train-labels-idx1-ubyte.gz to ./data/MNIST/raw\n", - "Downloading http://yann.lecun.com/exdb/mnist/t10k-images-idx3-ubyte.gz to ./data/MNIST/raw/t10k-images-idx3-ubyte.gz\n" - ] - }, - { - "output_type": "stream", - "name": "stderr", - "text": [ - "1654784it [00:00, 19044327.72it/s]" - ] - }, - { - "output_type": "stream", - "name": "stdout", - "text": [ - "Extracting ./data/MNIST/raw/t10k-images-idx3-ubyte.gz to ./data/MNIST/raw\n" - ] - }, - { - "output_type": "stream", - "name": "stderr", - "text": [ - "\n" - ] - }, - { - "output_type": "stream", - "name": "stdout", - "text": [ - "Downloading http://yann.lecun.com/exdb/mnist/t10k-labels-idx1-ubyte.gz to ./data/MNIST/raw/t10k-labels-idx1-ubyte.gz\n" - ] - }, - { - "output_type": "stream", - "name": "stderr", - "text": [ - "8192it [00:00, 123675.37it/s]\n" - ] - }, - { - "output_type": "stream", - "name": "stdout", - "text": [ - "Extracting ./data/MNIST/raw/t10k-labels-idx1-ubyte.gz to ./data/MNIST/raw\n", - "Processing...\n", - "Done!\n" - ] - } - ], + "outputs": [], "metadata": { "pycharm": { "is_executing": false }, - "id": "asUyEv0Nk_xJ", - "outputId": "e8f9d807-1ce7-4766-d743-cf4a35e58bbc", - "colab": { - "base_uri": "https://localhost:8080/" - } + "id": "asUyEv0Nk_xJ" } }, { "cell_type": "code", - "execution_count": 17, + "execution_count": null, "source": [ "################ Weiwen on 12-30-2020 ################\n", "# T1: Downsample the image from 28*28 to 4*4\n", @@ -401,66 +302,18 @@ " quantum_matrix,qantum_data = data_pre_pro(torchvision.utils.make_grid(data))\n", " break" ], - "outputs": [ - { - "output_type": "stream", - "name": "stdout", - "text": [ - "Batch Id: 0, Target: tensor([0])\n" - ] - }, - { - "output_type": "display_data", - "data": { - "text/plain": [ - "
" - ], - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAPsAAAD4CAYAAAAq5pAIAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4yLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+WH4yJAAAN10lEQVR4nO3db6hc9Z3H8c/HJFVJaoyre7lYXf/gA+uCdr2KYWV1qa1/nmhFahNYXSPeghWtiK5mkQpSCIt1H2nxSqTZTU0pGP+Vksb1X9YHFq+S1SRujQa1JjFBg8SKMWvy3Qf3RK565zc3c2bmTPJ9v+AyM+d7zzlfJveTc+b8ZubniBCAg98hTTcAoD8IO5AEYQeSIOxAEoQdSGJmP3dmm0v/QI9FhKdaXuvIbvsi23+y/abt2+tsC0BvudNxdtszJL0h6XuS3pP0kqQFEbGhsA5HdqDHenFkP1vSmxGxKSJ2S/qNpEtrbA9AD9UJ+7GS/jzp8XvVsi+xPWp73PZ4jX0BqKnnF+giYkzSmMRpPNCkOkf2zZKOm/T4W9UyAAOoTthfknSK7RNtf0PSjyQ90Z22AHRbx6fxEfG57Rsk/UHSDEkPRcT6rnUGoKs6HnrraGe8Zgd6ridvqgFw4CDsQBKEHUiCsANJEHYgCcIOJEHYgSQIO5AEYQeSIOxAEoQdSIKwA0kQdiAJwg4kQdiBJAg7kARhB5Ig7EAShB1IgrADSRB2IIm+TtmMzsyePbtYHxoa6lMn3bVly5ZifdeuXX3qJAeO7EAShB1IgrADSRB2IAnCDiRB2IEkCDuQBOPsB4ATTzyxWF+zZk3L2ty5c4vr9nMW36964YUXivWPPvqoWH/mmWeK9eXLl7es7dixo7juwahW2G2/LeljSXskfR4RI91oCkD3dePI/o8R8UEXtgOgh3jNDiRRN+whabXtl22PTvULtkdtj9ser7kvADXUPY0/NyI22/5rSU/Z/t+I+NLVoogYkzQmSbabuxoEJFfryB4Rm6vb7ZIelXR2N5oC0H0dh932bNvf3Hdf0vclretWYwC6y52Os9o+SRNHc2ni5cDDEfHzNutwGt+B008/vVi/7777Wtbmz59fXHf16tXF+rvvvlusH3744cX6woULi/VeevbZZ1vW7rzzzuK6L774Yrfb6ZuI8FTLO37NHhGbJJX/CgEMDIbegCQIO5AEYQeSIOxAEoQdSKLjobeOdsbQW09cd911LWsbNmworttuiGnPnj3Fuj3lKM8X2g3NlYyOTvkO7C8sWLCgWD/zzDNb1sbHy+/ePuecc4r1QdZq6I0jO5AEYQeSIOxAEoQdSIKwA0kQdiAJwg4kwTg7DlhjY2PF+qJFi1rW1q5dW1x3ZOTA/aJkxtmB5Ag7kARhB5Ig7EAShB1IgrADSRB2IAmmbMbAmjVrVrF+2mmn9amTgwNHdiAJwg4kQdiBJAg7kARhB5Ig7EAShB1IgnF2NKbdOPndd99drLebynrjxo0ta1deeWVx3YNR2yO77Ydsb7e9btKyo2w/ZXtjdTuvt20CqGs6p/G/knTRV5bdLunpiDhF0tPVYwADrG3YI2KNpB1fWXyppGXV/WWSLutyXwC6rNPX7EMRsbW6/76koVa/aHtUUnnSLgA9V/sCXURE6YskI2JM0pjEF04CTep06G2b7WFJqm63d68lAL3QadifkHR1df9qSY93px0AvdL2NN72CknnSzra9nuSfiZpiaTf2r5W0juSftjLJjG4Zs4s/wndfPPNLWsXXnhhcd3zzz+/k5a+cP/997esvfXWW7W2fSBqG/aIaDXj/Xe73AuAHuLtskAShB1IgrADSRB2IAnCDiTBR1yTO+aYY4r1+fPnF+s33XRTsX7eeeftd0/7lD6iKpWH1iRp+fLlHe/7YMSRHUiCsANJEHYgCcIOJEHYgSQIO5AEYQeSYJz9IHDNNde0rB1xxBHFda+44opivd04ezurVq1qWXvjjTeK695zzz3F+pYtWzrqKSuO7EAShB1IgrADSRB2IAnCDiRB2IEkCDuQBOPsXbBkyZJi/dZbb+1TJ193yCHl/8/37t1ba/tLly4t1kdHmflrUHBkB5Ig7EAShB1IgrADSRB2IAnCDiRB2IEkGGfvgtWrVxfrl19+ebF+0kkndbOdL2k3jh4RtbY/d+7cYn1kZKRlbXx8vNa+sX/aHtltP2R7u+11k5bdZXuz7bXVzyW9bRNAXdM5jf+VpIumWP7vEXFG9fP77rYFoNvahj0i1kja0YdeAPRQnQt0N9h+tTrNn9fql2yP2h63zQs0oEGdhv2Xkk6WdIakrZJ+0eoXI2IsIkYiovWVGgA911HYI2JbROyJiL2SHpR0dnfbAtBtHYXd9vCkhz+QtK7V7wIYDG43zmp7haTzJR0taZukn1WPz5AUkt6W9OOI2Np2Z3a9Qd0DVLs50IeGhnq27xtvvLFYHx4eLtYvvvjiWvv/9NNPW9bafdZ9xYoVtfadVUR4quVt31QTEQumWFz+xgIAA4e3ywJJEHYgCcIOJEHYgSQIO5BE26G3ru4s6dDbIJsxY0axfuihhxbrF1xwQbFe+qrpdtNJ33vvvcX6HXfcUaxn1WrojSM7kARhB5Ig7EAShB1IgrADSRB2IAnCDiTBODtqmTVrVrF+1VVXtaw98MADxXV3795drJ911lnF+vr164v1gxXj7EByhB1IgrADSRB2IAnCDiRB2IEkCDuQBFM2o+jkk08u1m+55ZZivd3XRZesXLmyWM86jt4pjuxAEoQdSIKwA0kQdiAJwg4kQdiBJAg7kMQBNc5e+g7zdp+rbqfd5/o/+eSTWtuvY+bM8j/TYYcd1vG2r7/++mJ98eLFxfqcOXOK9c8++6xl7dFHHy2uW/osPPZf2yO77eNsP2t7g+31tm+qlh9l+ynbG6vbeb1vF0CnpnMa/7mkWyLi25LOkfQT29+WdLukpyPiFElPV48BDKi2YY+IrRHxSnX/Y0mvSzpW0qWSllW/tkzSZb1qEkB9+/Wa3fYJkr4j6Y+ShiJia1V6X9JQi3VGJXX+BmkAXTHtq/G250h6RNJPI2Ln5FpMXN2a8gpXRIxFxEhEjNTqFEAt0wq77VmaCPqvI2LfR5G22R6u6sOStvemRQDd0PY03rYlLZX0ekRMnkP3CUlXS1pS3T7ekw4nefDBB1vWFi5cWGvbu3btKtYffvjhWtuv4/jjjy/WS9MmT/zztVb3q8Q3bNhQrN92220ta6tWraq1b+yf6bxm/3tJ/yTpNdtrq2WLNRHy39q+VtI7kn7YmxYBdEPbsEfEC5JaHR6+2912APQKb5cFkiDsQBKEHUiCsANJEHYgiQPqI66bNm1qWXvyySdrbfvUU08t1hctWlRr+01p93XLzz33XLH+2GOPFevPP/98sb5nz55iHf3DkR1IgrADSRB2IAnCDiRB2IEkCDuQBGEHknDdzzPv187s/u1sP82bV/5y3COPPLJPnXTXhx9+WKzv3LmzWMeBJyKm/JQqR3YgCcIOJEHYgSQIO5AEYQeSIOxAEoQdSIJxduAgwzg7kBxhB5Ig7EAShB1IgrADSRB2IAnCDiTRNuy2j7P9rO0NttfbvqlafpftzbbXVj+X9L5dAJ1q+6Ya28OShiPiFdvflPSypMs0MR/7XyLinmnvjDfVAD3X6k0105mffaukrdX9j22/LunY7rYHoNf26zW77RMkfUfSH6tFN9h+1fZDtqf8Xifbo7bHbY/X6hRALdN+b7ztOZKel/TziFhpe0jSB5JC0t2aONUvTojGaTzQe61O46cVdtuzJP1O0h8i4t4p6idI+l1E/G2b7RB2oMc6/iCMbUtaKun1yUGvLtzt8wNJ6+o2CaB3pnM1/lxJ/y3pNUl7q8WLJS2QdIYmTuPflvTj6mJeaVsc2YEeq3Ua3y2EHeg9Ps8OJEfYgSQIO5AEYQeSIOxAEoQdSIKwA0kQdiAJwg4kQdiBJAg7kARhB5Ig7EAShB1Iou0XTnbZB5LemfT46GrZIBrU3ga1L4neOtXN3v6mVaGvn2f/2s7t8YgYaayBgkHtbVD7kuitU/3qjdN4IAnCDiTRdNjHGt5/yaD2Nqh9SfTWqb701uhrdgD90/SRHUCfEHYgiUbCbvsi23+y/abt25vooRXbb9t+rZqGutH56ao59LbbXjdp2VG2n7K9sbqdco69hnobiGm8C9OMN/rcNT39ed9fs9ueIekNSd+T9J6klyQtiIgNfW2kBdtvSxqJiMbfgGH7HyT9RdJ/7Jtay/a/SdoREUuq/yjnRcS/DEhvd2k/p/HuUW+tphn/ZzX43HVz+vNONHFkP1vSmxGxKSJ2S/qNpEsb6GPgRcQaSTu+svhSScuq+8s08cfSdy16GwgRsTUiXqnufyxp3zTjjT53hb76oomwHyvpz5Mev6fBmu89JK22/bLt0aabmcLQpGm23pc01GQzU2g7jXc/fWWa8YF57jqZ/rwuLtB93bkR8XeSLpb0k+p0dSDFxGuwQRo7/aWkkzUxB+BWSb9osplqmvFHJP00InZOrjX53E3RV1+etybCvlnScZMef6taNhAiYnN1u13So5p42TFItu2bQbe63d5wP1+IiG0RsSci9kp6UA0+d9U0449I+nVErKwWN/7cTdVXv563JsL+kqRTbJ9o+xuSfiTpiQb6+Brbs6sLJ7I9W9L3NXhTUT8h6erq/tWSHm+wly8ZlGm8W00zroafu8anP4+Ivv9IukQTV+TfkvSvTfTQoq+TJP1P9bO+6d4krdDEad3/aeLaxrWS/krS05I2SvovSUcNUG//qYmpvV/VRLCGG+rtXE2cor8qaW31c0nTz12hr748b7xdFkiCC3RAEoQdSIKwA0kQdiAJwg4kQdiBJAg7kMT/A1IrSDmG08ZTAAAAAElFTkSuQmCC\n" - }, - "metadata": { - "needs_background": "light" - } - }, - { - "output_type": "display_data", - "data": { - "text/plain": [ - "
" - ], - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAQcAAAD8CAYAAAB6iWHJAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4yLjIsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+WH4yJAAANKklEQVR4nO3dcchd9X3H8fdHTePQWJ0RDDHTDoOsdFNryFKEIVpBpZjBLNM/Wi1KpNTVjhVsN3Cs/8zujxaKtSOoVEtpLdplWXHUDA1t2XSmIVqNs82ExaQy09jGhjZq5Ls/7tE9Pv4eo7nnnvvE5/2CS86555f7/T4on9x7z3nON1WFJM121LQbkDQ/GQ6SmgwHSU2Gg6Qmw0FSk+EgqWmscEjyu0k2JflZ9+dJc6x7Ncm27rFxnJqShpFxrnNI8g/AC1V1S5LPASdV1U2Ndfur6vgx+pQ0sHHD4Wnggqp6LskyYHNVndVYZzhIR5hxw+FXVXVitx3gl6/tz1p3ENgGHARuqaoNc7zeOmBdt3veYTc2jy1ZsmTaLUzMCSecMO0WJmLPnj3TbmFiXn755V9U1SmtY8cc6i8n+Tfg1Mahv5m5U1WVZK6kOb2qdif5feDBJD+pqv+evaiq1gPru7rvyuu616xZM+0WJuaiiy6adgsTcdttt027hYnZuXPn/8x17JDhUFUfnutYkv9NsmzGx4rn53iN3d2fzyTZDJwLvCkcJM0f457K3Ahc3W1fDfzz7AVJTkqyuNteCpwPbB+zrqQJGzccbgEuTvIz4MPdPklWJbm9W/MHwJYkjwEPMfrOwXCQ5rlDfqx4K1W1F3jTB82q2gJc123/O/CH49SRNDyvkJTUZDhIajIcJDUZDpKaDAdJTYaDpCbDQVKT4SCpyXCQ1GQ4SGoyHCQ1GQ6SmgwHSU2Gg6Qmw0FSk+EgqclwkNRkOEhq6iUcklyS5OkkO7rJV7OPL05yT3f8kSRn9FFX0uSMHQ5Jjga+ClwKvB+4Ksn7Zy27ltHAmzOBLwNfHLeupMnq453DamBHVT1TVS8D3wbWzlqzFrir274XuKibkCVpnuojHJYDz87Y39U911xTVQeBfcDJPdSWNCFj3Zq+b7NmZUqaoj7eOewGVszYP617rrkmyTHAe4G9s1+oqtZX1aqqWtVDX5LG0Ec4PAqsTPK+JO8BrmQ0Jm+mmWPzrgAerHHGe0uauLE/VlTVwSQ3AN8HjgburKonk3wB2FJVG4E7gG8k2QG8wChAJM1jvXznUFX3A/fPeu7mGdsHgI/2UUvSMLxCUlKT4SCpyXCQ1GQ4SGoyHCQ1GQ6SmgwHSU2Gg6Qmw0FSk+EgqclwkNRkOEhqMhwkNRkOkpoMB0lNhoOkJsNBUpPhIKnJcJDUNNSszGuS7EmyrXtc10ddSZMz9g1mZ8zKvJjRtKtHk2ysqu2zlt5TVTeMW0/SMPq4+/TrszIBkrw2K3N2OLwjSVi8eHEP7c0vZ5999rRbmJibbrpp2i1MxObNm6fdwsTs3LlzzmNDzcoE+LMkjye5N8mKxnGSrEuyJckWZ95I0zXUF5L/ApxRVX8EbOL/J26/wcxxeA7hlqZrkFmZVbW3ql7qdm8HzuuhrqQJGmRWZpJlM3YvB57qoa6kCRpqVuank1wOHGQ0K/OacetKmqyhZmV+Hvh8H7UkDcMrJCU1GQ6SmgwHSU2Gg6Qmw0FSk+EgqclwkNRkOEhqMhwkNRkOkpoMB0lNhoOkJsNBUpPhIKnJcJDUZDhIajIcJDUZDpKa+hqHd2eS55M8McfxJPlKNy7v8SQf7KOupMnp653D14FL3uL4pcDK7rEO+FpPdSVNSC/hUFU/YHRX6bmsBe6ukYeBE2fdrl7SPDPUdw5va2Se4/Ck+aOXW9P3parWA+sBjjrqKNNBmqKh3jkccmSepPllqHDYCHy8O2uxBthXVc8NVFvSYejlY0WSbwEXAEuT7AL+FlgEUFX/yGga1mXADuA3wCf6qCtpcvoah3fVIY4X8Kk+akkahldISmoyHCQ1GQ6SmgwHSU2Gg6Qmw0FSk+EgqclwkNRkOEhqMhwkNRkOkpoMB0lNhoOkJsNBUpPhIKnJcJDUZDhIajIcJDUNNQ7vgiT7kmzrHjf3UVfS5PQ1t+LrwK3A3W+x5odV9ZGe6kmasKHG4Uk6wgw58epDSR4Dfg58tqqenL0gyTpGg3ZZvHgxq1atGrC9YVx//fXTbmFiDhw4MO0WJmLz5s3TbmEqhgqHrcDpVbU/yWXABkYTt99g5ji8JUuWOA5PmqJBzlZU1YtVtb/bvh9YlGTpELUlHZ5BwiHJqUnSba/u6u4dorakwzPUOLwrgE8mOQj8Friym4IlaZ4aahzerYxOdUo6QniFpKQmw0FSk+EgqclwkNRkOEhqMhwkNRkOkpoMB0lNhoOkJsNBUpPhIKnJcJDUZDhIajIcJDUZDpKaDAdJTYaDpCbDQVLT2OGQZEWSh5JsT/Jkkhsba5LkK0l2JHk8yQfHrStpsvq4h+RB4K+qamuSJcCPk2yqqu0z1lzKaE7FSuCPga91f0qap8Z+51BVz1XV1m7718BTwPJZy9YCd9fIw8CJSZaNW1vS5PT6nUOSM4BzgUdmHVoOPDtjfxdvDhCSrEuyJcmWV155pc/WJL1DvYVDkuOB+4DPVNWLh/MaVbW+qlZV1apFixb11Zqkw9BLOCRZxCgYvllV320s2Q2smLF/WvecpHmqj7MVAe4AnqqqL82xbCPw8e6sxRpgX1U9N25tSZPTx9mK84GPAT9Jsq177q+B34PXx+HdD1wG7AB+A3yih7qSJmjscKiqHwE5xJoCPjVuLUnD8QpJSU2Gg6Qmw0FSk+EgqclwkNRkOEhqMhwkNRkOkpoMB0lNhoOkJsNBUpPhIKnJcJDUZDhIajIcJDUZDpKaDAdJTYaDpKahxuFdkGRfkm3d4+Zx60qarKHG4QH8sKo+0kM9SQMYahyepCNMH+8cXvcW4/AAPpTkMeDnwGer6snG318HrAM47rjjWLlyZZ/tzQsbNmyYdgsT88ADD0y7hYk4cODAtFuYit7C4RDj8LYCp1fV/iSXARsYTdx+g6paD6wHWLp0afXVm6R3bpBxeFX1YlXt77bvBxYlWdpHbUmTMcg4vCSndutIsrqru3fc2pImZ6hxeFcAn0xyEPgtcGU3BUvSPDXUOLxbgVvHrSVpOF4hKanJcJDUZDhIajIcJDUZDpKaDAdJTYaDpCbDQVKT4SCpyXCQ1GQ4SGoyHCQ1GQ6SmgwHSU2Gg6Qmw0FSk+EgqclwkNTUxw1mj03yn0ke68bh/V1jzeIk9yTZkeSRbr6FpHmsj3cOLwEXVtXZwDnAJUnWzFpzLfDLqjoT+DLwxR7qSpqgPsbh1WszKYBF3WP2naXXAnd12/cCF712q3pJ81NfQ22O7m5L/zywqapmj8NbDjwLUFUHgX3AyX3UljQZvYRDVb1aVecApwGrk3zgcF4nybokW5JsWajzCaX5otezFVX1K+Ah4JJZh3YDKwCSHAO8l8bEq6paX1WrqmrVscce22drkt6hPs5WnJLkxG77d4CLgf+atWwjcHW3fQXwoBOvpPmtj3F4y4C7khzNKGy+U1XfS/IFYEtVbWQ0S/MbSXYALwBX9lBX0gT1MQ7vceDcxvM3z9g+AHx03FqShuMVkpKaDAdJTYaDpCbDQVKT4SCpyXCQ1GQ4SGoyHCQ1GQ6SmgwHSU2Gg6Qmw0FSk+EgqclwkNRkOEhqMhwkNRkOkpoMB0lNhoOkpqFmZV6TZE+Sbd3junHrSpqsPu4+/dqszP1JFgE/SvKvVfXwrHX3VNUNPdSTNIA+7j5dwKFmZUo6wqSP2TLdzIofA2cCX62qm2Ydvwb4e2AP8FPgL6vq2cbrrAPWdbtnAU+P3dzbtxT4xYD1huLPdeQZ8mc7vapOaR3oJRxef7HR5Kt/Av6iqp6Y8fzJwP6qeinJ9cCfV9WFvRXuQZItVbVq2n30zZ/ryDNffrZBZmVW1d6qeqnbvR04r8+6kvo3yKzMJMtm7F4OPDVuXUmTNdSszE8nuRw4yGhW5jU91O3b+mk3MCH+XEeeefGz9fqdg6R3D6+QlNRkOEhqWvDhkOSSJE8n2ZHkc9Pupy9J7kzyfJInDr36yJFkRZKHkmzvLte/cdo99eHt/BrC4D0t5O8cui9Rf8roDMsu4FHgqqraPtXGepDkTxhduXp3VX1g2v30pTvztayqtiZZwujiuz890v+bJQlw3MxfQwBubPwawmAW+juH1cCOqnqmql4Gvg2snXJPvaiqHzA6M/SuUlXPVdXWbvvXjE6LL59uV+OrkXn1awgLPRyWAzMv497Fu+B/tIUiyRnAucAj0+2kH0mOTrINeB7YVFVT/bkWejjoCJXkeOA+4DNV9eK0++lDVb1aVecApwGrk0z14+BCD4fdwIoZ+6d1z2ke6z6T3wd8s6q+O+1++jbXryEMbaGHw6PAyiTvS/Ie4Epg45R70lvovri7A3iqqr407X768nZ+DWFoCzocquogcAPwfUZfbH2nqp6cblf9SPIt4D+As5LsSnLttHvqyfnAx4ALZ9xZ7LJpN9WDZcBDSR5n9I/Wpqr63jQbWtCnMiXNbUG/c5A0N8NBUpPhIKnJcJDUZDhIajIcJDUZDpKa/g84wQ9ndHIFqQAAAABJRU5ErkJggg==\n" - }, - "metadata": { - "needs_background": "light" - } - }, - { - "output_type": "stream", - "name": "stdout", - "text": [ - "Classical Data: tensor([0.0000, 0.0980, 0.1922, 0.0431, 0.0118, 0.1647, 0.3608, 0.1020, 0.0863,\n", - " 0.3098, 0.3490, 0.0118, 0.1373, 0.1961, 0.0980, 0.0000])\n", - "Quantum Data: tensor([0.0000, 0.1375, 0.2695, 0.0605, 0.0165, 0.2310, 0.5059, 0.1430, 0.1210,\n", - " 0.4345, 0.4894, 0.0165, 0.1925, 0.2750, 0.1375, 0.0000],\n", - " dtype=torch.float64)\n" - ] - } - ], + "outputs": [], "metadata": { "scrolled": true, "pycharm": { "is_executing": false }, - "id": "hvMOUIRXk_xJ", - "outputId": "47e997ae-f509-423b-f8cd-41891d4689fd", - "colab": { - "base_uri": "https://localhost:8080/", - "height": 624 - } + "id": "hvMOUIRXk_xJ" } }, { "cell_type": "code", - "execution_count": 18, + "execution_count": null, "source": [ "print(torch.__version__)\n", "################ Weiwen on 12-30-2020 ################\n", @@ -481,29 +334,17 @@ "norm_flag_2 = False\n", "norm_para_2 = torch.tensor(0.6940)" ], - "outputs": [ - { - "output_type": "stream", - "name": "stdout", - "text": [ - "1.2.0\n" - ] - } - ], + "outputs": [], "metadata": { "pycharm": { "is_executing": false }, - "id": "29EbhzNsk_xK", - "outputId": "c0d71f59-4d09-4a68-8a39-a07ec08fef54", - "colab": { - "base_uri": "https://localhost:8080/" - } + "id": "29EbhzNsk_xK" } }, { "cell_type": "code", - "execution_count": 19, + "execution_count": null, "source": [ "################ Weiwen on 12-30-2020 ################\n", "# Quantum circuit implementation\n", @@ -557,30 +398,18 @@ "\n", "print(\"Hidden layer created!\")" ], - "outputs": [ - { - "output_type": "stream", - "name": "stdout", - "text": [ - "Hidden layer created!\n" - ] - } - ], + "outputs": [], "metadata": { "scrolled": true, "pycharm": { "is_executing": false }, - "id": "5m_uJYdXk_xK", - "outputId": "7e129aa7-2924-4541-afaf-387068e86136", - "colab": { - "base_uri": "https://localhost:8080/" - } + "id": "5m_uJYdXk_xK" } }, { "cell_type": "code", - "execution_count": 12, + "execution_count": null, "source": [ "################ Weiwen on 12-30-2020 ################\n", "# Quantum circuit implementation of the output layer\n", @@ -674,437 +503,17 @@ "\n", "print(\"Output layer created!\")" ], - "outputs": [ - { - "output_type": "stream", - "name": "stdout", - "text": [ - "Output layer created!\n" - ] - }, - { - "output_type": "stream", - "name": "stderr", - "text": [ - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n" - ] - } - ], + "outputs": [], "metadata": { "pycharm": { "is_executing": false }, - "id": "xApLPzJGk_xL", - "outputId": "50fcee67-51af-4c24-e4a0-95f836fde380", - "colab": { - "base_uri": "https://localhost:8080/" - } + "id": "xApLPzJGk_xL" } }, { "cell_type": "code", - "execution_count": 13, + "execution_count": null, "source": [ "################ Weiwen on 12-30-2020 ################\n", "# Quantum simulation\n", @@ -1118,5036 +527,17 @@ "for b in range(bits):\n", " class_prob.append(float(mycount[b])/qc_shots)\n" ], - "outputs": [ - { - "output_type": "stream", - "name": "stderr", - "text": [ - "\u001b[1;30;43mStreaming output truncated to the last 5000 lines.\u001b[0m\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n", - "/usr/local/lib/python3.7/dist-packages/qiskit/circuit/register.py:121: DeprecationWarning: `np.int` is a deprecated alias for the builtin `int`. To silence this warning, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.\n", - "Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations\n", - " if not isinstance(key, (int, np.int, np.int32, np.int64, slice, list)):\n" - ] - }, - { - "output_type": "stream", - "name": "stdout", - "text": [ - "Job Status: job has successfully run\n" - ] - } - ], + "outputs": [], "metadata": { "pycharm": { "is_executing": false }, - "id": "_aJ1C3dDk_xL", - "outputId": "0bde821f-ff85-439c-835c-ec8cc31ed384", - "colab": { - "base_uri": "https://localhost:8080/" - } + "id": "_aJ1C3dDk_xL" } }, { "cell_type": "code", - "execution_count": 14, + "execution_count": null, "source": [ "print(class_prob)\n", "print(\"Prediction class: {}\".format(class_prob.index(max(class_prob))))\n", @@ -6157,27 +547,12 @@ "else:\n", " print(\"Incorrect prediction\")" ], - "outputs": [ - { - "output_type": "stream", - "name": "stdout", - "text": [ - "[0.420166015625, 0.5865478515625]\n", - "Prediction class: 1\n", - "Target class: 1\n", - "Correct prediction\n" - ] - } - ], + "outputs": [], "metadata": { "pycharm": { "is_executing": false }, - "id": "mW3wt56wk_xM", - "outputId": "5d4b6ba2-c8ba-4562-8526-ecd82f599e9b", - "colab": { - "base_uri": "https://localhost:8080/" - } + "id": "mW3wt56wk_xM" } } ], diff --git a/session_2/Tutorial_4_QAccelerate.ipynb b/session_2/Tutorial_4_QAccelerate.ipynb index c5a0c57..456568a 100644 --- a/session_2/Tutorial_4_QAccelerate.ipynb +++ b/session_2/Tutorial_4_QAccelerate.ipynb @@ -1,1046 +1,1056 @@ { - "cells": [ - { - "cell_type": "markdown", - "source": [ - "## Compare Non-Optimized Circuit and Optimized Circuit\n", - "\n", - "The algorithm used in this toturial is from [QuantumFlow](https://www.nature.com/articles/s41467-020-20729-5) (Box-2 on Page 10). " - ], - "metadata": { - "collapsed": false, - "pycharm": { - "name": "#%% md\n" - } - } - }, - { - "cell_type": "code", - "execution_count": null, - "source": [ - "# !pip install -q torch==1.9.0\n", - "# !pip install -q torchvision==0.10.0\n", - "# !pip install -q qiskit==0.20.0\n", - "\n", - "\n", - "import torch\n", - "import torchvision\n", - "from torchvision import datasets\n", - "import torchvision.transforms as transforms\n", - "import torch.nn as nn\n", - "import shutil\n", - "import os\n", - "import time\n", - "import sys\n", - "from pathlib import Path\n", - "import numpy as np\n", - "import matplotlib.pyplot as plt\n", - "import numpy as np\n", - "from PIL import Image\n", - "from matplotlib import cm\n", - "import functools\n", - "from qiskit.tools.monitor import job_monitor\n", - "from qiskit import QuantumRegister, QuantumCircuit, ClassicalRegister\n", - "from qiskit.extensions import XGate, UnitaryGate\n", - "from qiskit import Aer, execute\n", - "import qiskit\n", - "import math\n", - "\n", - "\n", - "print = functools.partial(print, flush=True)\n", - "\n", - "interest_num = [3,6]\n", - "ori_img_size = 28\n", - "img_size = 4\n", - "# number of subprocesses to use for data loading\n", - "num_workers = 0\n", - "# how many samples per batch to load\n", - "batch_size = 1\n", - "inference_batch_size = 1\n", - "\n", - "\n", - "# Weiwen: modify the target classes starting from 0. Say, [3,6] -> [0,1]\n", - "def modify_target(target):\n", - " for j in range(len(target)):\n", - " for idx in range(len(interest_num)):\n", - " if target[j] == interest_num[idx]:\n", - " target[j] = idx\n", - " break\n", - " new_target = torch.zeros(target.shape[0],2)\n", - " for i in range(target.shape[0]): \n", - " if target[i].item() == 0: \n", - " new_target[i] = torch.tensor([1,0]).clone() \n", - " else:\n", - " new_target[i] = torch.tensor([0,1]).clone()\n", - " \n", - " return target,new_target\n", - "\n", - "# Weiwen: select sub-set from MNIST\n", - "def select_num(dataset,interest_num):\n", - " labels = dataset.targets #get labels\n", - " labels = labels.numpy()\n", - " idx = {}\n", - " for num in interest_num:\n", - " idx[num] = np.where(labels == num)\n", - " fin_idx = idx[interest_num[0]]\n", - " for i in range(1,len(interest_num)): \n", - " fin_idx = (np.concatenate((fin_idx[0],idx[interest_num[i]][0])),)\n", - " \n", - " fin_idx = fin_idx[0] \n", - " dataset.targets = labels[fin_idx]\n", - " dataset.data = dataset.data[fin_idx]\n", - " dataset.targets,_ = modify_target(dataset.targets)\n", - " return dataset\n", - "\n", - "################ Weiwen on 12-30-2020 ################\n", - "# Function: ToQuantumData from Listing 1\n", - "# Note: Coverting classical data to quantum data\n", - "######################################################\n", - "class ToQuantumData(object):\n", - " def __call__(self, tensor):\n", - " device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", - " data = tensor.to(device)\n", - " input_vec = data.view(-1)\n", - " vec_len = input_vec.size()[0]\n", - " input_matrix = torch.zeros(vec_len, vec_len)\n", - " input_matrix[0] = input_vec\n", - " input_matrix = np.float64(input_matrix.transpose(0,1))\n", - " u, s, v = np.linalg.svd(input_matrix)\n", - " output_matrix = torch.tensor(np.dot(u, v))\n", - " output_data = output_matrix[:, 0].view(1, img_size,img_size)\n", - " return output_data\n", - "\n", - "################ Weiwen on 12-30-2020 ################\n", - "# Function: ToQuantumData from Listing 1\n", - "# Note: Coverting classical data to quantum matrix\n", - "######################################################\n", - "class ToQuantumMatrix(object):\n", - " def __call__(self, tensor):\n", - " device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", - " data = tensor.to(device)\n", - " input_vec = data.view(-1)\n", - " vec_len = input_vec.size()[0]\n", - " input_matrix = torch.zeros(vec_len, vec_len)\n", - " input_matrix[0] = input_vec\n", - " input_matrix = np.float64(input_matrix.transpose(0,1))\n", - " u, s, v = np.linalg.svd(input_matrix)\n", - " output_matrix = torch.tensor(np.dot(u, v))\n", - " return output_matrix \n", - " \n", - "################ Weiwen on 12-30-2020 ################\n", - "# Function: fire_ibmq from Listing 6\n", - "# Note: used for execute quantum circuit using \n", - "# simulation or ibm quantum processor\n", - "# Parameters: (1) quantum circuit; \n", - "# (2) number of shots;\n", - "# (3) simulation or quantum processor;\n", - "# (4) backend name if quantum processor.\n", - "######################################################\n", - "def fire_ibmq(circuit,shots,Simulation = False,backend_name='ibmq_essex'): \n", - " count_set = []\n", - " if not Simulation:\n", - " provider = IBMQ.get_provider('ibm-q-academic')\n", - " backend = provider.get_backend(backend_name)\n", - " else:\n", - " backend = Aer.get_backend('qasm_simulator')\n", - " job_ibm_q = execute(circuit, backend, shots=shots)\n", - " job_monitor(job_ibm_q)\n", - " result_ibm_q = job_ibm_q.result()\n", - " counts = result_ibm_q.get_counts()\n", - " return counts\n", - "\n", - "################ Weiwen on 12-30-2020 ################\n", - "# Function: analyze from Listing 6\n", - "# Note: used for analyze the count on states to \n", - "# formulate the probability for each qubit\n", - "# Parameters: (1) counts returned by fire_ibmq; \n", - "######################################################\n", - "def analyze(counts):\n", - " mycount = {}\n", - " for i in range(2):\n", - " mycount[i] = 0\n", - " for k,v in counts.items():\n", - " bits = len(k) \n", - " for i in range(bits): \n", - " if k[bits-1-i] == \"1\":\n", - " if i in mycount.keys():\n", - " mycount[i] += v\n", - " else:\n", - " mycount[i] = v\n", - " return mycount,bits\n", - "\n", - "\n", - "\n", - "################ Weiwen on 06-02-2021 ################\n", - "# Function: ccz from Listing 3\n", - "# Note: using the basic Toffoli gates and CZ gate\n", - "# to implement ccz gate, which will flip the\n", - "# sign of state |111>\n", - "# Parameters: (1) quantum circuit; \n", - "# (2-3) control qubits;\n", - "# (4) target qubits;\n", - "# (5) auxiliary qubits.\n", - "######################################################\n", - "def ccz(circ, q1, q2, q3, aux1):\n", - " # Apply Z-gate to a state controlled by 3 qubits\n", - " circ.ccx(q1, q2, aux1)\n", - " circ.cz(aux1, q3)\n", - " # cleaning the aux bit\n", - " circ.ccx(q1, q2, aux1)\n", - " return circ\n", - "\n", - "\n", - "################ Weiwen on 12-30-2020 ################\n", - "# Function: cccz from Listing 3\n", - "# Note: using the basic Toffoli gates and CZ gate\n", - "# to implement cccz gate, which will flip the\n", - "# sign of state |1111>\n", - "# Parameters: (1) quantum circuit; \n", - "# (2-4) control qubits;\n", - "# (5) target qubits;\n", - "# (6-7) auxiliary qubits.\n", - "######################################################\n", - "def cccz(circ, q1, q2, q3, q4, aux1, aux2):\n", - " # Apply Z-gate to a state controlled by 4 qubits\n", - " circ.ccx(q1, q2, aux1)\n", - " circ.ccx(q3, aux1, aux2)\n", - " circ.cz(aux2, q4)\n", - " # cleaning the aux bits\n", - " circ.ccx(q3, aux1, aux2)\n", - " circ.ccx(q1, q2, aux1)\n", - " return circ\n", - "\n", - "################ Weiwen on 12-30-2020 ################\n", - "# Function: cccz from Listing 4\n", - "# Note: using the basic Toffoli gate to implement ccccx\n", - "# gate. It is used to switch the quantum states\n", - "# of |11110> and |11111>.\n", - "# Parameters: (1) quantum circuit; \n", - "# (2-5) control qubits;\n", - "# (6) target qubits;\n", - "# (7-8) auxiliary qubits.\n", - "######################################################\n", - "def ccccx(circ, q1, q2, q3, q4, q5, aux1, aux2):\n", - " circ.ccx(q1, q2, aux1)\n", - " circ.ccx(q3, q4, aux2)\n", - " circ.ccx(aux2, aux1, q5)\n", - " # cleaning the aux bits\n", - " circ.ccx(q3, q4, aux2)\n", - " circ.ccx(q1, q2, aux1)\n", - " return circ\n", - "\n", - "################ Weiwen on 12-30-2020 ################\n", - "# Function: neg_weight_gate from Listing 3\n", - "# Note: adding NOT(X) gate before the qubits associated\n", - "# with 0 state. For example, if we want to flip \n", - "# the sign of |1101>, we add X gate for q2 before\n", - "# the cccz gate, as follows.\n", - "# --q3-----|---\n", - "# --q2----X|X--\n", - "# --q1-----|---\n", - "# --q0-----z---\n", - "# Parameters: (1) quantum circuit; \n", - "# (2) all qubits, say q0-q3;\n", - "# (3) the auxiliary qubits used for cccz\n", - "# (4) states, say 1101\n", - "######################################################\n", - "def neg_weight_gate(circ,qubits,aux,state):\n", - " idx = 0\n", - " # The index of qubits are reversed in terms of states.\n", - " # As shown in the above example: we put X at q2 not the third position.\n", - " state = state[::-1]\n", - " for idx in range(len(state)):\n", - " if state[idx]=='0':\n", - " circ.x(qubits[idx])\n", - " cccz(circ,qubits[0],qubits[1],qubits[2],qubits[3],aux[0],aux[1])\n", - " for idx in range(len(state)):\n", - " if state[idx]=='0':\n", - " circ.x(qubits[idx])\n" - ], - "outputs": [], - "metadata": { - "collapsed": false, - "pycharm": { - "name": "#%%\n", - "is_executing": true - } - } - }, - { - "cell_type": "code", - "execution_count": null, - "source": [ - "################ Weiwen on 12-30-2020 ################\n", - "# Using torch to load MNIST data\n", - "######################################################\n", - "\n", - "# convert data to torch.FloatTensor\n", - "transform = transforms.Compose([transforms.Resize((ori_img_size,ori_img_size)),\n", - " transforms.ToTensor()])\n", - "# Path to MNIST Dataset\n", - "train_data = datasets.MNIST(root='./data', train=True,\n", - " download=True, transform=transform)\n", - "test_data = datasets.MNIST(root='./data', train=False,\n", - " download=True, transform=transform)\n", - "\n", - "train_data = select_num(train_data,interest_num)\n", - "test_data = select_num(test_data,interest_num)\n", - "\n", - "# prepare data loaders\n", - "train_loader = torch.utils.data.DataLoader(train_data, batch_size=batch_size,\n", - " num_workers=num_workers, shuffle=True, drop_last=True)\n", - "test_loader = torch.utils.data.DataLoader(test_data, batch_size=inference_batch_size, \n", - " num_workers=num_workers, shuffle=True, drop_last=True)\n" - ], - "outputs": [], - "metadata": { - "collapsed": false, - "pycharm": { - "name": "#%%\n", - "is_executing": false - } - } - }, - { - "cell_type": "code", - "execution_count": null, - "source": [ - "################ Weiwen on 12-30-2020 ################\n", - "# T1: Downsample the image from 28*28 to 4*4\n", - "# T2: Convert classical data to quantum data which \n", - "# can be encoded to the quantum states (amplitude)\n", - "######################################################\n", - "\n", - "# Process data by hand, we can also integrate ToQuantumData into transform\n", - "def data_pre_pro(img):\n", - " # Print original figure\n", - " img = img\n", - " npimg = img.numpy()\n", - " plt.imshow(np.transpose(npimg, (1, 2, 0))) \n", - " plt.show()\n", - " # Print resized figure\n", - " image = np.asarray(npimg[0] * 255, np.uint8) \n", - " im = Image.fromarray(image,mode=\"L\")\n", - " im = im.resize((4,4),Image.BILINEAR) \n", - " plt.imshow(im,cmap='gray',)\n", - " plt.show()\n", - " # Converting classical data to quantum data\n", - " trans_to_tensor = transforms.ToTensor()\n", - " trans_to_vector = ToQuantumData()\n", - " trans_to_matrix = ToQuantumMatrix() \n", - " print(\"Classical Data: {}\".format(trans_to_tensor(im).flatten()))\n", - " print(\"Quantum Data: {}\".format(trans_to_vector(trans_to_tensor(im)).flatten()))\n", - " return trans_to_matrix(trans_to_tensor(im)),trans_to_vector(trans_to_tensor(im))\n", - "\n", - "# Use the first image from test loader as example\n", - "for batch_idx, (data, target) in enumerate(test_loader):\n", - " torch.set_printoptions(threshold=sys.maxsize)\n", - " print(\"Batch Id: {}, Target: {}\".format(batch_idx,target))\n", - " quantum_matrix,qantum_data = data_pre_pro(torchvision.utils.make_grid(data))\n", - " break" - ], - "outputs": [], - "metadata": { - "collapsed": false, - "pycharm": { - "name": "#%%\n", - "is_executing": true + "cells": [ + { + "cell_type": "markdown", + "source": [ + "## Compare Non-Optimized Circuit and Optimized Circuit\n", + "\n", + "The algorithm used in this toturial is from [QuantumFlow](https://www.nature.com/articles/s41467-020-20729-5) (Box-2 on Page 10). " + ], + "metadata": { + "collapsed": false, + "pycharm": { + "name": "#%% md\n" + }, + "id": "RkZGqj8JrqNQ" + } + }, + { + "cell_type": "code", + "execution_count": null, + "source": [ + "!pip install -q torch==1.9.0\n", + "!pip install -q torchvision==0.10.0\n", + "!pip install -q qiskit==0.20.0\n", + "\n", + "import warnings\n", + "warnings.filterwarnings(\"ignore\", category=DeprecationWarning) \n", + "\n", + "import torch\n", + "import torchvision\n", + "from torchvision import datasets\n", + "import torchvision.transforms as transforms\n", + "import torch.nn as nn\n", + "import shutil\n", + "import os\n", + "import time\n", + "import sys\n", + "from pathlib import Path\n", + "import numpy as np\n", + "import matplotlib.pyplot as plt\n", + "import numpy as np\n", + "from PIL import Image\n", + "from matplotlib import cm\n", + "import functools\n", + "from qiskit.tools.monitor import job_monitor\n", + "from qiskit import QuantumRegister, QuantumCircuit, ClassicalRegister\n", + "from qiskit.extensions import XGate, UnitaryGate\n", + "from qiskit import Aer, execute\n", + "import qiskit\n", + "import math\n", + "\n", + "\n", + "print = functools.partial(print, flush=True)\n", + "\n", + "interest_num = [3,6]\n", + "ori_img_size = 28\n", + "img_size = 4\n", + "# number of subprocesses to use for data loading\n", + "num_workers = 0\n", + "# how many samples per batch to load\n", + "batch_size = 1\n", + "inference_batch_size = 1\n", + "\n", + "\n", + "# Weiwen: modify the target classes starting from 0. Say, [3,6] -> [0,1]\n", + "def modify_target(target):\n", + " for j in range(len(target)):\n", + " for idx in range(len(interest_num)):\n", + " if target[j] == interest_num[idx]:\n", + " target[j] = idx\n", + " break\n", + " new_target = torch.zeros(target.shape[0],2)\n", + " for i in range(target.shape[0]): \n", + " if target[i].item() == 0: \n", + " new_target[i] = torch.tensor([1,0]).clone() \n", + " else:\n", + " new_target[i] = torch.tensor([0,1]).clone()\n", + " \n", + " return target,new_target\n", + "\n", + "# Weiwen: select sub-set from MNIST\n", + "def select_num(dataset,interest_num):\n", + " labels = dataset.targets #get labels\n", + " labels = labels.numpy()\n", + " idx = {}\n", + " for num in interest_num:\n", + " idx[num] = np.where(labels == num)\n", + " fin_idx = idx[interest_num[0]]\n", + " for i in range(1,len(interest_num)): \n", + " fin_idx = (np.concatenate((fin_idx[0],idx[interest_num[i]][0])),)\n", + " \n", + " fin_idx = fin_idx[0] \n", + " dataset.targets = labels[fin_idx]\n", + " dataset.data = dataset.data[fin_idx]\n", + " dataset.targets,_ = modify_target(dataset.targets)\n", + " return dataset\n", + "\n", + "################ Weiwen on 12-30-2020 ################\n", + "# Function: ToQuantumData from Listing 1\n", + "# Note: Coverting classical data to quantum data\n", + "######################################################\n", + "class ToQuantumData(object):\n", + " def __call__(self, tensor):\n", + " device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", + " data = tensor.to(device)\n", + " input_vec = data.view(-1)\n", + " vec_len = input_vec.size()[0]\n", + " input_matrix = torch.zeros(vec_len, vec_len)\n", + " input_matrix[0] = input_vec\n", + " input_matrix = np.float64(input_matrix.transpose(0,1))\n", + " u, s, v = np.linalg.svd(input_matrix)\n", + " output_matrix = torch.tensor(np.dot(u, v))\n", + " output_data = output_matrix[:, 0].view(1, img_size,img_size)\n", + " return output_data\n", + "\n", + "################ Weiwen on 12-30-2020 ################\n", + "# Function: ToQuantumData from Listing 1\n", + "# Note: Coverting classical data to quantum matrix\n", + "######################################################\n", + "class ToQuantumMatrix(object):\n", + " def __call__(self, tensor):\n", + " device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", + " data = tensor.to(device)\n", + " input_vec = data.view(-1)\n", + " vec_len = input_vec.size()[0]\n", + " input_matrix = torch.zeros(vec_len, vec_len)\n", + " input_matrix[0] = input_vec\n", + " input_matrix = np.float64(input_matrix.transpose(0,1))\n", + " u, s, v = np.linalg.svd(input_matrix)\n", + " output_matrix = torch.tensor(np.dot(u, v))\n", + " return output_matrix \n", + " \n", + "################ Weiwen on 12-30-2020 ################\n", + "# Function: fire_ibmq from Listing 6\n", + "# Note: used for execute quantum circuit using \n", + "# simulation or ibm quantum processor\n", + "# Parameters: (1) quantum circuit; \n", + "# (2) number of shots;\n", + "# (3) simulation or quantum processor;\n", + "# (4) backend name if quantum processor.\n", + "######################################################\n", + "def fire_ibmq(circuit,shots,Simulation = False,backend_name='ibmq_essex'): \n", + " count_set = []\n", + " if not Simulation:\n", + " provider = IBMQ.get_provider('ibm-q-academic')\n", + " backend = provider.get_backend(backend_name)\n", + " else:\n", + " backend = Aer.get_backend('qasm_simulator')\n", + " job_ibm_q = execute(circuit, backend, shots=shots)\n", + " job_monitor(job_ibm_q)\n", + " result_ibm_q = job_ibm_q.result()\n", + " counts = result_ibm_q.get_counts()\n", + " return counts\n", + "\n", + "################ Weiwen on 12-30-2020 ################\n", + "# Function: analyze from Listing 6\n", + "# Note: used for analyze the count on states to \n", + "# formulate the probability for each qubit\n", + "# Parameters: (1) counts returned by fire_ibmq; \n", + "######################################################\n", + "def analyze(counts):\n", + " mycount = {}\n", + " for i in range(2):\n", + " mycount[i] = 0\n", + " for k,v in counts.items():\n", + " bits = len(k) \n", + " for i in range(bits): \n", + " if k[bits-1-i] == \"1\":\n", + " if i in mycount.keys():\n", + " mycount[i] += v\n", + " else:\n", + " mycount[i] = v\n", + " return mycount,bits\n", + "\n", + "\n", + "\n", + "################ Weiwen on 06-02-2021 ################\n", + "# Function: ccz from Listing 3\n", + "# Note: using the basic Toffoli gates and CZ gate\n", + "# to implement ccz gate, which will flip the\n", + "# sign of state |111>\n", + "# Parameters: (1) quantum circuit; \n", + "# (2-3) control qubits;\n", + "# (4) target qubits;\n", + "# (5) auxiliary qubits.\n", + "######################################################\n", + "def ccz(circ, q1, q2, q3, aux1):\n", + " # Apply Z-gate to a state controlled by 3 qubits\n", + " circ.ccx(q1, q2, aux1)\n", + " circ.cz(aux1, q3)\n", + " # cleaning the aux bit\n", + " circ.ccx(q1, q2, aux1)\n", + " return circ\n", + "\n", + "\n", + "################ Weiwen on 12-30-2020 ################\n", + "# Function: cccz from Listing 3\n", + "# Note: using the basic Toffoli gates and CZ gate\n", + "# to implement cccz gate, which will flip the\n", + "# sign of state |1111>\n", + "# Parameters: (1) quantum circuit; \n", + "# (2-4) control qubits;\n", + "# (5) target qubits;\n", + "# (6-7) auxiliary qubits.\n", + "######################################################\n", + "def cccz(circ, q1, q2, q3, q4, aux1, aux2):\n", + " # Apply Z-gate to a state controlled by 4 qubits\n", + " circ.ccx(q1, q2, aux1)\n", + " circ.ccx(q3, aux1, aux2)\n", + " circ.cz(aux2, q4)\n", + " # cleaning the aux bits\n", + " circ.ccx(q3, aux1, aux2)\n", + " circ.ccx(q1, q2, aux1)\n", + " return circ\n", + "\n", + "################ Weiwen on 12-30-2020 ################\n", + "# Function: cccz from Listing 4\n", + "# Note: using the basic Toffoli gate to implement ccccx\n", + "# gate. It is used to switch the quantum states\n", + "# of |11110> and |11111>.\n", + "# Parameters: (1) quantum circuit; \n", + "# (2-5) control qubits;\n", + "# (6) target qubits;\n", + "# (7-8) auxiliary qubits.\n", + "######################################################\n", + "def ccccx(circ, q1, q2, q3, q4, q5, aux1, aux2):\n", + " circ.ccx(q1, q2, aux1)\n", + " circ.ccx(q3, q4, aux2)\n", + " circ.ccx(aux2, aux1, q5)\n", + " # cleaning the aux bits\n", + " circ.ccx(q3, q4, aux2)\n", + " circ.ccx(q1, q2, aux1)\n", + " return circ\n", + "\n", + "################ Weiwen on 12-30-2020 ################\n", + "# Function: neg_weight_gate from Listing 3\n", + "# Note: adding NOT(X) gate before the qubits associated\n", + "# with 0 state. For example, if we want to flip \n", + "# the sign of |1101>, we add X gate for q2 before\n", + "# the cccz gate, as follows.\n", + "# --q3-----|---\n", + "# --q2----X|X--\n", + "# --q1-----|---\n", + "# --q0-----z---\n", + "# Parameters: (1) quantum circuit; \n", + "# (2) all qubits, say q0-q3;\n", + "# (3) the auxiliary qubits used for cccz\n", + "# (4) states, say 1101\n", + "######################################################\n", + "def neg_weight_gate(circ,qubits,aux,state):\n", + " idx = 0\n", + " # The index of qubits are reversed in terms of states.\n", + " # As shown in the above example: we put X at q2 not the third position.\n", + " state = state[::-1]\n", + " for idx in range(len(state)):\n", + " if state[idx]=='0':\n", + " circ.x(qubits[idx])\n", + " cccz(circ,qubits[0],qubits[1],qubits[2],qubits[3],aux[0],aux[1])\n", + " for idx in range(len(state)):\n", + " if state[idx]=='0':\n", + " circ.x(qubits[idx])\n" + ], + "outputs": [], + "metadata": { + "pycharm": { + "name": "#%%\n", + "is_executing": true + }, + "id": "6enFwvL5rqNU" + } + }, + { + "cell_type": "code", + "execution_count": null, + "source": [ + "################ Weiwen on 12-30-2020 ################\n", + "# Using torch to load MNIST data\n", + "######################################################\n", + "\n", + "# convert data to torch.FloatTensor\n", + "transform = transforms.Compose([transforms.Resize((ori_img_size,ori_img_size)),\n", + " transforms.ToTensor()])\n", + "# Path to MNIST Dataset\n", + "train_data = datasets.MNIST(root='./data', train=True,\n", + " download=True, transform=transform)\n", + "test_data = datasets.MNIST(root='./data', train=False,\n", + " download=True, transform=transform)\n", + "\n", + "train_data = select_num(train_data,interest_num)\n", + "test_data = select_num(test_data,interest_num)\n", + "\n", + "# prepare data loaders\n", + "train_loader = torch.utils.data.DataLoader(train_data, batch_size=batch_size,\n", + " num_workers=num_workers, shuffle=True, drop_last=True)\n", + "test_loader = torch.utils.data.DataLoader(test_data, batch_size=inference_batch_size, \n", + " num_workers=num_workers, shuffle=True, drop_last=True)\n" + ], + "outputs": [], + "metadata": { + "pycharm": { + "name": "#%%\n", + "is_executing": false + }, + "id": "MOACj2kbrqNZ" + } + }, + { + "cell_type": "code", + "execution_count": null, + "source": [ + "################ Weiwen on 12-30-2020 ################\n", + "# T1: Downsample the image from 28*28 to 4*4\n", + "# T2: Convert classical data to quantum data which \n", + "# can be encoded to the quantum states (amplitude)\n", + "######################################################\n", + "\n", + "# Process data by hand, we can also integrate ToQuantumData into transform\n", + "def data_pre_pro(img):\n", + " # Print original figure\n", + " img = img\n", + " npimg = img.numpy()\n", + " plt.imshow(np.transpose(npimg, (1, 2, 0))) \n", + " plt.show()\n", + " # Print resized figure\n", + " image = np.asarray(npimg[0] * 255, np.uint8) \n", + " im = Image.fromarray(image,mode=\"L\")\n", + " im = im.resize((4,4),Image.BILINEAR) \n", + " plt.imshow(im,cmap='gray',)\n", + " plt.show()\n", + " # Converting classical data to quantum data\n", + " trans_to_tensor = transforms.ToTensor()\n", + " trans_to_vector = ToQuantumData()\n", + " trans_to_matrix = ToQuantumMatrix() \n", + " print(\"Classical Data: {}\".format(trans_to_tensor(im).flatten()))\n", + " print(\"Quantum Data: {}\".format(trans_to_vector(trans_to_tensor(im)).flatten()))\n", + " return trans_to_matrix(trans_to_tensor(im)),trans_to_vector(trans_to_tensor(im))\n", + "\n", + "# Use the first image from test loader as example\n", + "for batch_idx, (data, target) in enumerate(test_loader):\n", + " torch.set_printoptions(threshold=sys.maxsize)\n", + " print(\"Batch Id: {}, Target: {}\".format(batch_idx,target))\n", + " quantum_matrix,qantum_data = data_pre_pro(torchvision.utils.make_grid(data))\n", + " break" + ], + "outputs": [], + "metadata": { + "pycharm": { + "name": "#%%\n", + "is_executing": true + }, + "id": "mdxwT_h_rqNb" + } + }, + { + "cell_type": "markdown", + "source": [ + "Here, we appiled the tained weights obtained from QF-FB, which will be introduced in the later tutorial. \n", + "But, at this moment, feel free to change the weights to see the circuit depth comparison.\n", + "\n", + "For eaxmple, the following weights will lead the depth comparison to be 93:33.\n", + "
weight_1_1 = torch.tensor([1.,  -1.,  -1.,  1.,  -1.,  1.,  1., -1.,  1., -1.,  1., -1.,  1.,  1.,    1.,  1.])\n",
+        "weight_1_2 = torch.tensor([-1., -1., -1., -1., -1., 1., 1., -1., -1.,  1., -1.,  1., -1., -1.,-1., -1.])
" + ], + "metadata": { + "collapsed": false, + "pycharm": { + "name": "#%% md\n" + }, + "id": "SfBnRTtsrqNd" + } + }, + { + "cell_type": "code", + "execution_count": null, + "source": [ + "################ Weiwen on 12-30-2020 ################\n", + "# Parameters of the trained model\n", + "# The training procedure will be found in another repo\n", + "# https://github.com/weiwenjiang/QuantumFlow\n", + "######################################################\n", + "\n", + "# Model initialization\n", + "weight_1_1 = torch.tensor([1., 1., 1., 1., 1., 1., 1., -1., 1., -1., 1., -1., 1., 1., 1., 1.])\n", + "weight_1_2 = torch.tensor([-1., -1., -1., -1., -1., -1., -1., -1., -1., 1., -1., 1., -1., -1.,-1., -1.])\n", + "\n", + "weight_2_1 = torch.tensor([1., -1.])\n", + "norm_flag_1 = True\n", + "norm_para_1 = torch.tensor(0.3060)\n", + "\n", + "weight_2_2 = torch.tensor([-1., -1.])\n", + "norm_flag_2 = False\n", + "norm_para_2 = torch.tensor(0.6940)" + ], + "outputs": [], + "metadata": { + "pycharm": { + "name": "#%%\n", + "is_executing": true + }, + "id": "hBm2qL0trqNe" + } + }, + { + "cell_type": "markdown", + "source": [ + "### Non-optimized Circuit\n", + "\n", + "The same with Tutorial 3" + ], + "metadata": { + "collapsed": false, + "id": "BlkBNarSrqNg" + } + }, + { + "cell_type": "code", + "execution_count": null, + "source": [ + "################ Weiwen on 12-30-2020 ################\n", + "# Quantum circuit implementation\n", + "######################################################\n", + "\n", + "# From Listing 2: creat the qubits to hold data\n", + "inp_1 = QuantumRegister(4,\"in1_qbit\")\n", + "inp_2 = QuantumRegister(4,\"in2_qbit\")\n", + "circ = QuantumCircuit(inp_1,inp_2)\n", + "data_matrix = quantum_matrix\n", + "circ.append(UnitaryGate(data_matrix, label=\"Input\"), inp_1[0:4])\n", + "circ.append(UnitaryGate(data_matrix, label=\"Input\"), inp_2[0:4])\n", + "\n", + "# From Listing 3: create auxiliary qubits\n", + "aux = QuantumRegister(2,\"aux_qbit\")\n", + "circ.add_register(aux)\n", + "\n", + "# From Listing 4: create output qubits for the first layer (hidden neurons)\n", + "hidden_neurons = QuantumRegister(2,\"hidden_qbits\")\n", + "circ.add_register(hidden_neurons)\n", + "\n", + "\n", + "# From Listing 3: to multiply inputs and weights on quantum circuit\n", + "if weight_1_1.sum()<0:\n", + " weight_1_1 = weight_1_1*-1\n", + "idx = 0\n", + "for idx in range(weight_1_1.flatten().size()[0]):\n", + " if weight_1_1[idx]==-1:\n", + " state = \"{0:b}\".format(idx).zfill(4)\n", + " neg_weight_gate(circ,inp_1,aux,state)\n", + " circ.barrier()\n", + "\n", + "if weight_1_2.sum()<0:\n", + " weight_1_2 = weight_1_2*-1\n", + "idx = 0\n", + "for idx in range(weight_1_2.flatten().size()[0]):\n", + " if weight_1_2[idx]==-1:\n", + " state = \"{0:b}\".format(idx).zfill(4)\n", + " neg_weight_gate(circ,inp_2,aux,state)\n", + " circ.barrier()\n", + " \n", + "# From Listing 4: applying the quadratic function on the weighted sum\n", + "circ.h(inp_1)\n", + "circ.x(inp_1)\n", + "ccccx(circ,inp_1[0],inp_1[1],inp_1[2],inp_1[3],hidden_neurons[0],aux[0],aux[1])\n", + "\n", + "circ.h(inp_2)\n", + "circ.x(inp_2)\n", + "ccccx(circ,inp_2[0],inp_2[1],inp_2[2],inp_2[3],hidden_neurons[1],aux[0],aux[1])\n", + "\n", + "\n", + "print(\"Hidden layer created!\")" + ], + "outputs": [], + "metadata": { + "pycharm": { + "name": "#%%\n", + "is_executing": true + }, + "id": "elCZ1u4orqNh" + } + }, + { + "cell_type": "code", + "execution_count": null, + "source": [ + "################ Weiwen on 12-30-2020 ################\n", + "# Quantum circuit implementation of the output layer\n", + "# fundamentals, please see our Nature Communication\n", + "# paper (P-LYR) https://arxiv.org/pdf/2006.14815.pdf\n", + "######################################################\n", + "\n", + "inter_q_1 = QuantumRegister(1,\"inter_q_1_qbits\")\n", + "norm_q_1 = QuantumRegister(1,\"norm_q_1_qbits\")\n", + "out_q_1 = QuantumRegister(1,\"out_q_1_qbits\")\n", + "circ.add_register(inter_q_1,norm_q_1,out_q_1)\n", + "\n", + "circ.barrier()\n", + "\n", + "if weight_2_1.sum()<0:\n", + " weight_2_1 = weight_2_1*-1\n", + "idx = 0\n", + "for idx in range(weight_2_1.flatten().size()[0]):\n", + " if weight_2_1[idx]==-1:\n", + " circ.x(hidden_neurons[idx])\n", + "circ.h(inter_q_1)\n", + "circ.cz(hidden_neurons[0],inter_q_1)\n", + "circ.x(inter_q_1)\n", + "circ.cz(hidden_neurons[1],inter_q_1)\n", + "circ.x(inter_q_1)\n", + "circ.h(inter_q_1)\n", + "circ.x(inter_q_1)\n", + "\n", + "circ.barrier()\n", + "\n", + "norm_init_rad = float(norm_para_1.sqrt().arcsin()*2)\n", + "circ.ry(norm_init_rad,norm_q_1)\n", + "if norm_flag_1:\n", + " circ.cx(inter_q_1,out_q_1)\n", + " circ.x(inter_q_1)\n", + " circ.ccx(inter_q_1,norm_q_1,out_q_1)\n", + "else:\n", + " circ.ccx(inter_q_1,norm_q_1,out_q_1)\n", + "\n", + "for idx in range(weight_2_1.flatten().size()[0]):\n", + " if weight_2_1[idx]==-1:\n", + " circ.x(hidden_neurons[idx])\n", + "\n", + "circ.barrier()\n", + "\n", + "\n", + "\n", + "\n", + "inter_q_2 = QuantumRegister(1,\"inter_q_2_qbits\")\n", + "norm_q_2 = QuantumRegister(1,\"norm_q_2_qbits\")\n", + "out_q_2 = QuantumRegister(1,\"out_q_2_qbits\")\n", + "circ.add_register(inter_q_2,norm_q_2,out_q_2)\n", + "\n", + "circ.barrier()\n", + "\n", + "if weight_2_2.sum()<0:\n", + " weight_2_2 = weight_2_2*-1\n", + "idx = 0\n", + "for idx in range(weight_2_2.flatten().size()[0]):\n", + " if weight_2_2[idx]==-1:\n", + " circ.x(hidden_neurons[idx])\n", + "circ.h(inter_q_2)\n", + "circ.cz(hidden_neurons[0],inter_q_2)\n", + "circ.x(inter_q_2)\n", + "circ.cz(hidden_neurons[1],inter_q_2)\n", + "circ.x(inter_q_2)\n", + "circ.h(inter_q_2)\n", + "circ.x(inter_q_2)\n", + "\n", + "circ.barrier()\n", + "\n", + "norm_init_rad = float(norm_para_2.sqrt().arcsin()*2)\n", + "circ.ry(norm_init_rad,norm_q_2)\n", + "if norm_flag_2:\n", + " circ.cx(inter_q_2,out_q_2)\n", + " circ.x(inter_q_2)\n", + " circ.ccx(inter_q_2,norm_q_2,out_q_2)\n", + "else:\n", + " circ.ccx(inter_q_2,norm_q_2,out_q_2)\n", + "\n", + "for idx in range(weight_2_2.flatten().size()[0]):\n", + " if weight_2_2[idx]==-1:\n", + " circ.x(hidden_neurons[idx])\n", + "\n", + "circ.barrier()\n", + "\n", + "c_reg = ClassicalRegister(2,\"reg\")\n", + "circ.add_register(c_reg)\n", + "circ.measure(out_q_1,c_reg[0])\n", + "circ.measure(out_q_2,c_reg[1])\n", + "\n", + "print(\"Output layer created!\")" + ], + "outputs": [], + "metadata": { + "pycharm": { + "name": "#%%\n", + "is_executing": true + }, + "id": "c_Ra-YLsrqNj" + } + }, + { + "cell_type": "markdown", + "source": [ + "### Optimized Circuit\n", + "\n", + "In the following, the optimized circuit (opt_circ) is created" + ], + "metadata": { + "collapsed": false, + "pycharm": { + "name": "#%% md\n" + }, + "id": "X3ZfFNgBrqNk" + } + }, + { + "cell_type": "code", + "execution_count": null, + "source": [ + "################ Weiwen on 06-02-2021 ################\n", + "# QuantumFlow Weight Generation for U-Layer\n", + "######################################################\n", + "\n", + "def get_index_list(input,target):\n", + " index_list = []\n", + " try:\n", + " beg_pos = 0\n", + " while True:\n", + " find_pos = input.index(target,beg_pos)\n", + " index_list.append(find_pos)\n", + " beg_pos = find_pos+1\n", + " except Exception as exception: \n", + " pass \n", + " return index_list\n", + "\n", + "def change_sign(sign,bin):\n", + " affect_num = [bin]\n", + " one_positions = []\n", + " \n", + " try:\n", + " beg_pos = 0\n", + " while True:\n", + " find_pos = bin.index(\"1\",beg_pos)\n", + " one_positions.append(find_pos)\n", + " beg_pos = find_pos+1\n", + " except Exception as exception:\n", + " # print(\"Not Found\")\n", + " pass\n", + " \n", + " for k,v in sign.items():\n", + " change = True\n", + " for pos in one_positions:\n", + " if k[pos]==\"0\": \n", + " change = False\n", + " break\n", + " if change:\n", + " sign[k] = -1*v\n", + " \n", + "\n", + "def find_start(affect_count_table,target_num):\n", + " for k in list(affect_count_table.keys())[::-1]:\n", + " if target_num<=k:\n", + " return k\n", + "\n", + "\n", + "def recursive_change(direction,start_point,target_num,sign,affect_count_table,quantum_gates):\n", + " \n", + " if start_point == target_num:\n", + " # print(\"recursive_change: STOP\")\n", + " return\n", + " \n", + " gap = int(math.fabs(start_point-target_num)) \n", + " step = find_start(affect_count_table,gap)\n", + " change_sign(sign,affect_count_table[step])\n", + " quantum_gates.append(affect_count_table[step])\n", + " \n", + " if direction==\"r\": \n", + " # print(\"recursive_change: From\",start_point,\"Right(-):\",step)\n", + " start_point = start_point - step\n", + " direction = \"l\"\n", + " recursive_change(direction,start_point,target_num,sign,affect_count_table,quantum_gates)\n", + " \n", + " else: \n", + " # print(\"recursive_change: From\",start_point,\"Left(+):\",step)\n", + " start_point = start_point + step\n", + " direction = \"r\"\n", + " recursive_change(direction,start_point,target_num,sign,affect_count_table,quantum_gates)\n", + " \n", + " \n", + "\n", + "def guarntee_upper_bound_algorithm(sign,target_num,total_len,digits): \n", + " flag = \"0\"+str(digits)+\"b\"\n", + " pre_num = 0\n", + " affect_count_table = {}\n", + " quantum_gates = []\n", + " for i in range(digits):\n", + " cur_num = pre_num + pow(2,i)\n", + " pre_num = cur_num\n", + " binstr_cur_num = format(cur_num,flag) \n", + " affect_count_table[int(pow(2,binstr_cur_num.count(\"0\")))] = binstr_cur_num \n", + " \n", + " if target_num in affect_count_table.keys():\n", + " quantum_gates.append(affect_count_table[target_num])\n", + " change_sign(sign,affect_count_table[target_num]) \n", + " else:\n", + " direction = \"r\"\n", + " start_point = find_start(affect_count_table,target_num)\n", + " quantum_gates.append(affect_count_table[start_point])\n", + " change_sign(sign,affect_count_table[start_point])\n", + " recursive_change(direction,start_point,target_num,sign,affect_count_table,quantum_gates)\n", + " \n", + " return quantum_gates\n", + "\n", + "def qf_map_extract_from_weight(weights): \n", + " # Find Z control gates according to weights\n", + " w = (weights.detach().cpu().numpy())\n", + " total_len = len(w)\n", + " target_num = np.count_nonzero(w == -1)\n", + " if target_num > total_len/2:\n", + " w = w*-1\n", + " target_num = np.count_nonzero(w == -1) \n", + " digits = int(math.log(total_len,2))\n", + " flag = \"0\"+str(digits)+\"b\"\n", + " max_num = int(math.pow(2,digits))\n", + " sign = {}\n", + " for i in range(max_num): \n", + " sign[format(i,flag)] = +1\n", + " quantum_gates = guarntee_upper_bound_algorithm(sign,target_num,total_len,digits)\n", + " \n", + " # Build the mapping from weight to final negative num \n", + " fin_sign = list(sign.values())\n", + " fin_weig = [int(x) for x in list(w)]\n", + " sign_neg_index = [] \n", + " try:\n", + " beg_pos = 0\n", + " while True:\n", + " find_pos = fin_sign.index(-1,beg_pos) \n", + " # qiskit_position = int(format(find_pos,flag)[::-1],2) \n", + " sign_neg_index.append(find_pos)\n", + " beg_pos = find_pos+1\n", + " except Exception as exception: \n", + " pass \n", + " \n", + "\n", + " weight_neg_index = []\n", + " try:\n", + " beg_pos = 0\n", + " while True:\n", + " find_pos = fin_weig.index(-1,beg_pos)\n", + " weight_neg_index.append(find_pos)\n", + " beg_pos = find_pos+1\n", + " except Exception as exception: \n", + " pass \n", + " map = {}\n", + " for i in range(len(sign_neg_index)):\n", + " map[sign_neg_index[i]] = weight_neg_index[i]\n", + "\n", + " ret_index = list([-1 for i in range(len(fin_weig))])\n", + " \n", + " \n", + " for k,v in map.items():\n", + " ret_index[k]=v\n", + " \n", + " \n", + " for i in range(len(fin_weig)):\n", + " if ret_index[i]!=-1:\n", + " continue\n", + " for j in range(len(fin_weig)):\n", + " if j not in ret_index:\n", + " ret_index[i]=j\n", + " break\n", + " return quantum_gates,ret_index\n", + " \n", + "\n" + ], + "outputs": [], + "metadata": { + "pycharm": { + "name": "#%%\n" + }, + "id": "jvsJxvVUrqNl" + } + }, + { + "cell_type": "code", + "execution_count": null, + "source": [ + "# Optimized circuit\n", + "\n", + "# From Listing 2: creat the qubits to hold data\n", + "inp_1 = QuantumRegister(4,\"in1_qbit\")\n", + "inp_2 = QuantumRegister(4,\"in2_qbit\")\n", + "opt_circ = QuantumCircuit(inp_1,inp_2)\n", + "data_matrix = quantum_matrix\n", + "\n", + "n1_q_gates,n1_idx = qf_map_extract_from_weight(weight_1_1)\n", + "n2_q_gates,n2_idx = qf_map_extract_from_weight(weight_1_2)\n", + "\n", + "opt_circ.append(UnitaryGate(data_matrix[n1_idx], label=\"Input\"), inp_1[0:4])\n", + "opt_circ.append(UnitaryGate(data_matrix[n2_idx], label=\"Input\"), inp_2[0:4])\n", + "\n", + "# From Listing 3: create auxiliary qubits\n", + "aux = QuantumRegister(2,\"aux_qbit\")\n", + "opt_circ.add_register(aux)\n", + "\n", + "# From Listing 4: create output qubits for the first layer (hidden neurons)\n", + "hidden_neurons = QuantumRegister(2,\"hidden_qbits\")\n", + "opt_circ.add_register(hidden_neurons)\n", + "\n", + "\n", + "qbits = inp_1\n", + "for gate in n1_q_gates:\n", + " z_count = gate.count(\"1\")\n", + " # z_pos = get_index_list(gate,\"1\")\n", + " z_pos = get_index_list(gate[::-1],\"1\")\n", + " # print(z_pos)\n", + " if z_count==1:\n", + " opt_circ.z(qbits[z_pos[0]])\n", + " elif z_count==2:\n", + " opt_circ.cz(qbits[z_pos[0]],qbits[z_pos[1]])\n", + " elif z_count==3:\n", + " ccz(opt_circ,qbits[z_pos[0]],qbits[z_pos[1]],qbits[z_pos[2]],aux[0])\n", + " elif z_count==4:\n", + " cccz(opt_circ,qbits[z_pos[0]],qbits[z_pos[1]],qbits[z_pos[2]],qbits[z_pos[3]],aux[0],aux[1])\n", + "\n", + "qbits = inp_2\n", + "for gate in n2_q_gates:\n", + " z_count = gate.count(\"1\")\n", + " # z_pos = get_index_list(gate,\"1\")\n", + " z_pos = get_index_list(gate[::-1],\"1\")\n", + " # print(z_pos)\n", + " if z_count==1:\n", + " opt_circ.z(qbits[z_pos[0]])\n", + " elif z_count==2:\n", + " opt_circ.cz(qbits[z_pos[0]],qbits[z_pos[1]])\n", + " elif z_count==3:\n", + " ccz(opt_circ,qbits[z_pos[0]],qbits[z_pos[1]],qbits[z_pos[2]],aux[0])\n", + " elif z_count==4:\n", + " cccz(opt_circ,qbits[z_pos[0]],qbits[z_pos[1]],qbits[z_pos[2]],qbits[z_pos[3]],aux[0],aux[1])\n", + "\n", + "opt_circ.barrier()\n", + "\n", + "# From Listing 4: applying the quadratic function on the weighted sum\n", + "opt_circ.h(inp_1)\n", + "opt_circ.x(inp_1)\n", + "ccccx(opt_circ,inp_1[0],inp_1[1],inp_1[2],inp_1[3],hidden_neurons[0],aux[0],aux[1])\n", + "\n", + "opt_circ.h(inp_2)\n", + "opt_circ.x(inp_2)\n", + "ccccx(opt_circ,inp_2[0],inp_2[1],inp_2[2],inp_2[3],hidden_neurons[1],aux[0],aux[1])\n", + "\n", + "\n", + "print(\"Hidden layer created!\")" + ], + "outputs": [], + "metadata": { + "pycharm": { + "name": "#%%\n", + "is_executing": true + }, + "id": "RWUwjmjPrqNm" + } + }, + { + "cell_type": "code", + "execution_count": null, + "source": [ + "################ Weiwen on 12-30-2020 ################\n", + "# Quantum circuit implementation of the output layer\n", + "# fundamentals, please see our Nature Communication\n", + "# paper (P-LYR) https://arxiv.org/pdf/2006.14815.pdf\n", + "######################################################\n", + "\n", + "inter_q_1 = QuantumRegister(1,\"inter_q_1_qbits\")\n", + "norm_q_1 = QuantumRegister(1,\"norm_q_1_qbits\")\n", + "out_q_1 = QuantumRegister(1,\"out_q_1_qbits\")\n", + "opt_circ.add_register(inter_q_1,norm_q_1,out_q_1)\n", + "\n", + "opt_circ.barrier()\n", + "\n", + "if weight_2_1.sum()<0:\n", + " weight_2_1 = weight_2_1*-1\n", + "idx = 0\n", + "for idx in range(weight_2_1.flatten().size()[0]):\n", + " if weight_2_1[idx]==-1:\n", + " opt_circ.x(hidden_neurons[idx])\n", + "opt_circ.h(inter_q_1)\n", + "opt_circ.cz(hidden_neurons[0],inter_q_1)\n", + "opt_circ.x(inter_q_1)\n", + "opt_circ.cz(hidden_neurons[1],inter_q_1)\n", + "opt_circ.x(inter_q_1)\n", + "opt_circ.h(inter_q_1)\n", + "opt_circ.x(inter_q_1)\n", + "\n", + "opt_circ.barrier()\n", + "\n", + "norm_init_rad = float(norm_para_1.sqrt().arcsin()*2)\n", + "opt_circ.ry(norm_init_rad,norm_q_1)\n", + "if norm_flag_1:\n", + " opt_circ.cx(inter_q_1,out_q_1)\n", + " opt_circ.x(inter_q_1)\n", + " opt_circ.ccx(inter_q_1,norm_q_1,out_q_1)\n", + "else:\n", + " opt_circ.ccx(inter_q_1,norm_q_1,out_q_1)\n", + "\n", + "for idx in range(weight_2_1.flatten().size()[0]):\n", + " if weight_2_1[idx]==-1:\n", + " opt_circ.x(hidden_neurons[idx])\n", + "\n", + "opt_circ.barrier()\n", + "\n", + "\n", + "\n", + "\n", + "inter_q_2 = QuantumRegister(1,\"inter_q_2_qbits\")\n", + "norm_q_2 = QuantumRegister(1,\"norm_q_2_qbits\")\n", + "out_q_2 = QuantumRegister(1,\"out_q_2_qbits\")\n", + "opt_circ.add_register(inter_q_2,norm_q_2,out_q_2)\n", + "\n", + "opt_circ.barrier()\n", + "\n", + "if weight_2_2.sum()<0:\n", + " weight_2_2 = weight_2_2*-1\n", + "idx = 0\n", + "for idx in range(weight_2_2.flatten().size()[0]):\n", + " if weight_2_2[idx]==-1:\n", + " opt_circ.x(hidden_neurons[idx])\n", + "opt_circ.h(inter_q_2)\n", + "opt_circ.cz(hidden_neurons[0],inter_q_2)\n", + "opt_circ.x(inter_q_2)\n", + "opt_circ.cz(hidden_neurons[1],inter_q_2)\n", + "opt_circ.x(inter_q_2)\n", + "opt_circ.h(inter_q_2)\n", + "opt_circ.x(inter_q_2)\n", + "\n", + "opt_circ.barrier()\n", + "\n", + "norm_init_rad = float(norm_para_2.sqrt().arcsin()*2)\n", + "opt_circ.ry(norm_init_rad,norm_q_2)\n", + "if norm_flag_2:\n", + " opt_circ.cx(inter_q_2,out_q_2)\n", + " opt_circ.x(inter_q_2)\n", + " opt_circ.ccx(inter_q_2,norm_q_2,out_q_2)\n", + "else:\n", + " opt_circ.ccx(inter_q_2,norm_q_2,out_q_2)\n", + "\n", + "for idx in range(weight_2_2.flatten().size()[0]):\n", + " if weight_2_2[idx]==-1:\n", + " opt_circ.x(hidden_neurons[idx])\n", + "\n", + "opt_circ.barrier()\n", + "\n", + "c_reg = ClassicalRegister(2,\"reg\")\n", + "opt_circ.add_register(c_reg)\n", + "opt_circ.measure(out_q_1,c_reg[0])\n", + "opt_circ.measure(out_q_2,c_reg[1])\n", + "\n", + "print(\"Output layer created!\")" + ], + "outputs": [], + "metadata": { + "pycharm": { + "name": "#%%\n", + "is_executing": true + }, + "id": "8hH9t-b2rqNn" + } + }, + { + "cell_type": "markdown", + "source": [ + "### Non-Optimized Circuit v.s. Optimized Circuit\n", + "\n", + "Let's test and compare!\n" + ], + "metadata": { + "collapsed": false, + "id": "cS614gtvrqNo" + } + }, + { + "cell_type": "code", + "execution_count": null, + "source": [ + "################ Weiwen on 12-30-2020 ################\n", + "# Quantum simulation\n", + "######################################################\n", + "\n", + "# Non-Optimized one\n", + "qc_shots=8192\n", + "counts = fire_ibmq(circ,qc_shots,True)\n", + "(mycount,bits) = analyze(counts)\n", + "class_prob=[]\n", + "for b in range(bits):\n", + " class_prob.append(float(mycount[b])/qc_shots)\n", + "\n", + "print(\"=\"*10,\"Non-Optimized Circuit\",\"=\"*10)\n", + "print(\"Non-Optimized Circuit Depth:\",circ.depth())\n", + "print(\"Result of non-optimized QC:\",class_prob)\n", + "print(\"Prediction class: {}\".format(class_prob.index(max(class_prob))))\n", + "print(\"Target class: {}\".format(target[0]))\n", + "if class_prob.index(max(class_prob))==target[0]:\n", + " print(\"Correct prediction\")\n", + "else:\n", + " print(\"Incorrect prediction\")\n", + "\n", + "print(\"=\"*30)\n", + "\n", + "# Optimized one\n", + "qc_shots=8192\n", + "opt_counts = fire_ibmq(opt_circ,qc_shots,True)\n", + "(opt_mycount,bits) = analyze(opt_counts)\n", + "opt_class_prob=[]\n", + "for b in range(bits):\n", + " opt_class_prob.append(float(opt_mycount[b])/qc_shots)\n", + "\n", + "\n", + "print(\"=\"*10,\"Optimized Circuit\",\"=\"*10)\n", + "print(\"Optimized Circuit Depth:\",opt_circ.depth())\n", + "print(\"Result of optimized QC:\",opt_class_prob)\n", + "print(\"Prediction class: {}\".format(opt_class_prob.index(max(opt_class_prob))))\n", + "print(\"Target class: {}\".format(target[0]))\n", + "if opt_class_prob.index(max(opt_class_prob))==target[0]:\n", + " print(\"Correct prediction\")\n", + "else:\n", + " print(\"Incorrect prediction\")\n", + "print(\"=\"*30)" + ], + "outputs": [], + "metadata": { + "pycharm": { + "name": "#%%\n", + "is_executing": true + }, + "id": "AzlefgMMrqNp" + } } - } - }, - { - "cell_type": "markdown", - "source": [ - "Here, we appiled the tained weights obtained from QF-FB, which will be introduced in the later tutorial. \n", - "But, at this moment, feel free to change the weights to see the circuit depth comparison.\n", - "\n", - "For eaxmple, the following weights will lead the depth comparison to be 93:33.\n", - "
weight_1_1 = torch.tensor([1.,  -1.,  -1.,  1.,  -1.,  1.,  1., -1.,  1., -1.,  1., -1.,  1.,  1.,    1.,  1.])\n",
-    "weight_1_2 = torch.tensor([-1., -1., -1., -1., -1., 1., 1., -1., -1.,  1., -1.,  1., -1., -1.,-1., -1.])
" - ], - "metadata": { - "collapsed": false, - "pycharm": { - "name": "#%% md\n" - } - } - }, - { - "cell_type": "code", - "execution_count": null, - "source": [ - "################ Weiwen on 12-30-2020 ################\n", - "# Parameters of the trained model\n", - "# The training procedure will be found in another repo\n", - "# https://github.com/weiwenjiang/QuantumFlow\n", - "######################################################\n", - "\n", - "# Model initialization\n", - "weight_1_1 = torch.tensor([1., 1., 1., 1., 1., 1., 1., -1., 1., -1., 1., -1., 1., 1., 1., 1.])\n", - "weight_1_2 = torch.tensor([-1., -1., -1., -1., -1., -1., -1., -1., -1., 1., -1., 1., -1., -1.,-1., -1.])\n", - "\n", - "weight_2_1 = torch.tensor([1., -1.])\n", - "norm_flag_1 = True\n", - "norm_para_1 = torch.tensor(0.3060)\n", - "\n", - "weight_2_2 = torch.tensor([-1., -1.])\n", - "norm_flag_2 = False\n", - "norm_para_2 = torch.tensor(0.6940)" - ], - "outputs": [], - "metadata": { - "collapsed": false, - "pycharm": { - "name": "#%%\n", - "is_executing": true - } - } - }, - { - "cell_type": "markdown", - "source": [ - "### Non-optimized Circuit\n", - "\n", - "The same with Tutorial 3" - ], - "metadata": { - "collapsed": false - } - }, - { - "cell_type": "code", - "execution_count": null, - "source": [ - "################ Weiwen on 12-30-2020 ################\n", - "# Quantum circuit implementation\n", - "######################################################\n", - "\n", - "# From Listing 2: creat the qubits to hold data\n", - "inp_1 = QuantumRegister(4,\"in1_qbit\")\n", - "inp_2 = QuantumRegister(4,\"in2_qbit\")\n", - "circ = QuantumCircuit(inp_1,inp_2)\n", - "data_matrix = quantum_matrix\n", - "circ.append(UnitaryGate(data_matrix, label=\"Input\"), inp_1[0:4])\n", - "circ.append(UnitaryGate(data_matrix, label=\"Input\"), inp_2[0:4])\n", - "\n", - "# From Listing 3: create auxiliary qubits\n", - "aux = QuantumRegister(2,\"aux_qbit\")\n", - "circ.add_register(aux)\n", - "\n", - "# From Listing 4: create output qubits for the first layer (hidden neurons)\n", - "hidden_neurons = QuantumRegister(2,\"hidden_qbits\")\n", - "circ.add_register(hidden_neurons)\n", - "\n", - "\n", - "# From Listing 3: to multiply inputs and weights on quantum circuit\n", - "if weight_1_1.sum()<0:\n", - " weight_1_1 = weight_1_1*-1\n", - "idx = 0\n", - "for idx in range(weight_1_1.flatten().size()[0]):\n", - " if weight_1_1[idx]==-1:\n", - " state = \"{0:b}\".format(idx).zfill(4)\n", - " neg_weight_gate(circ,inp_1,aux,state)\n", - " circ.barrier()\n", - "\n", - "if weight_1_2.sum()<0:\n", - " weight_1_2 = weight_1_2*-1\n", - "idx = 0\n", - "for idx in range(weight_1_2.flatten().size()[0]):\n", - " if weight_1_2[idx]==-1:\n", - " state = \"{0:b}\".format(idx).zfill(4)\n", - " neg_weight_gate(circ,inp_2,aux,state)\n", - " circ.barrier()\n", - " \n", - "# From Listing 4: applying the quadratic function on the weighted sum\n", - "circ.h(inp_1)\n", - "circ.x(inp_1)\n", - "ccccx(circ,inp_1[0],inp_1[1],inp_1[2],inp_1[3],hidden_neurons[0],aux[0],aux[1])\n", - "\n", - "circ.h(inp_2)\n", - "circ.x(inp_2)\n", - "ccccx(circ,inp_2[0],inp_2[1],inp_2[2],inp_2[3],hidden_neurons[1],aux[0],aux[1])\n", - "\n", - "\n", - "print(\"Hidden layer created!\")" - ], - "outputs": [], - "metadata": { - "collapsed": false, + ], + "metadata": { + "kernelspec": { + "name": "pycharm-8213722", + "language": "python", + "display_name": "PyCharm (qiskit_practice)" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 2 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython2", + "version": "2.7.6" + }, "pycharm": { - "name": "#%%\n", - "is_executing": true + "stem_cell": { + "cell_type": "raw", + "source": [], + "metadata": { + "collapsed": false + } + } + }, + "colab": { + "provenance": [] } - } }, - { - "cell_type": "code", - "execution_count": null, - "source": [ - "################ Weiwen on 12-30-2020 ################\n", - "# Quantum circuit implementation of the output layer\n", - "# fundamentals, please see our Nature Communication\n", - "# paper (P-LYR) https://arxiv.org/pdf/2006.14815.pdf\n", - "######################################################\n", - "\n", - "inter_q_1 = QuantumRegister(1,\"inter_q_1_qbits\")\n", - "norm_q_1 = QuantumRegister(1,\"norm_q_1_qbits\")\n", - "out_q_1 = QuantumRegister(1,\"out_q_1_qbits\")\n", - "circ.add_register(inter_q_1,norm_q_1,out_q_1)\n", - "\n", - "circ.barrier()\n", - "\n", - "if weight_2_1.sum()<0:\n", - " weight_2_1 = weight_2_1*-1\n", - "idx = 0\n", - "for idx in range(weight_2_1.flatten().size()[0]):\n", - " if weight_2_1[idx]==-1:\n", - " circ.x(hidden_neurons[idx])\n", - "circ.h(inter_q_1)\n", - "circ.cz(hidden_neurons[0],inter_q_1)\n", - "circ.x(inter_q_1)\n", - "circ.cz(hidden_neurons[1],inter_q_1)\n", - "circ.x(inter_q_1)\n", - "circ.h(inter_q_1)\n", - "circ.x(inter_q_1)\n", - "\n", - "circ.barrier()\n", - "\n", - "norm_init_rad = float(norm_para_1.sqrt().arcsin()*2)\n", - "circ.ry(norm_init_rad,norm_q_1)\n", - "if norm_flag_1:\n", - " circ.cx(inter_q_1,out_q_1)\n", - " circ.x(inter_q_1)\n", - " circ.ccx(inter_q_1,norm_q_1,out_q_1)\n", - "else:\n", - " circ.ccx(inter_q_1,norm_q_1,out_q_1)\n", - "\n", - "for idx in range(weight_2_1.flatten().size()[0]):\n", - " if weight_2_1[idx]==-1:\n", - " circ.x(hidden_neurons[idx])\n", - "\n", - "circ.barrier()\n", - "\n", - "\n", - "\n", - "\n", - "inter_q_2 = QuantumRegister(1,\"inter_q_2_qbits\")\n", - "norm_q_2 = QuantumRegister(1,\"norm_q_2_qbits\")\n", - "out_q_2 = QuantumRegister(1,\"out_q_2_qbits\")\n", - "circ.add_register(inter_q_2,norm_q_2,out_q_2)\n", - "\n", - "circ.barrier()\n", - "\n", - "if weight_2_2.sum()<0:\n", - " weight_2_2 = weight_2_2*-1\n", - "idx = 0\n", - "for idx in range(weight_2_2.flatten().size()[0]):\n", - " if weight_2_2[idx]==-1:\n", - " circ.x(hidden_neurons[idx])\n", - "circ.h(inter_q_2)\n", - "circ.cz(hidden_neurons[0],inter_q_2)\n", - "circ.x(inter_q_2)\n", - "circ.cz(hidden_neurons[1],inter_q_2)\n", - "circ.x(inter_q_2)\n", - "circ.h(inter_q_2)\n", - "circ.x(inter_q_2)\n", - "\n", - "circ.barrier()\n", - "\n", - "norm_init_rad = float(norm_para_2.sqrt().arcsin()*2)\n", - "circ.ry(norm_init_rad,norm_q_2)\n", - "if norm_flag_2:\n", - " circ.cx(inter_q_2,out_q_2)\n", - " circ.x(inter_q_2)\n", - " circ.ccx(inter_q_2,norm_q_2,out_q_2)\n", - "else:\n", - " circ.ccx(inter_q_2,norm_q_2,out_q_2)\n", - "\n", - "for idx in range(weight_2_2.flatten().size()[0]):\n", - " if weight_2_2[idx]==-1:\n", - " circ.x(hidden_neurons[idx])\n", - "\n", - "circ.barrier()\n", - "\n", - "c_reg = ClassicalRegister(2,\"reg\")\n", - "circ.add_register(c_reg)\n", - "circ.measure(out_q_1,c_reg[0])\n", - "circ.measure(out_q_2,c_reg[1])\n", - "\n", - "print(\"Output layer created!\")" - ], - "outputs": [], - "metadata": { - "collapsed": false, - "pycharm": { - "name": "#%%\n", - "is_executing": true - } - } - }, - { - "cell_type": "markdown", - "source": [ - "### Optimized Circuit\n", - "\n", - "In the following, the optimized circuit (opt_circ) is created" - ], - "metadata": { - "collapsed": false, - "pycharm": { - "name": "#%% md\n" - } - } - }, - { - "cell_type": "code", - "execution_count": null, - "source": [ - "################ Weiwen on 06-02-2021 ################\n", - "# QuantumFlow Weight Generation for U-Layer\n", - "######################################################\n", - "\n", - "def get_index_list(input,target):\n", - " index_list = []\n", - " try:\n", - " beg_pos = 0\n", - " while True:\n", - " find_pos = input.index(target,beg_pos)\n", - " index_list.append(find_pos)\n", - " beg_pos = find_pos+1\n", - " except Exception as exception: \n", - " pass \n", - " return index_list\n", - "\n", - "def change_sign(sign,bin):\n", - " affect_num = [bin]\n", - " one_positions = []\n", - " \n", - " try:\n", - " beg_pos = 0\n", - " while True:\n", - " find_pos = bin.index(\"1\",beg_pos)\n", - " one_positions.append(find_pos)\n", - " beg_pos = find_pos+1\n", - " except Exception as exception:\n", - " # print(\"Not Found\")\n", - " pass\n", - " \n", - " for k,v in sign.items():\n", - " change = True\n", - " for pos in one_positions:\n", - " if k[pos]==\"0\": \n", - " change = False\n", - " break\n", - " if change:\n", - " sign[k] = -1*v\n", - " \n", - "\n", - "def find_start(affect_count_table,target_num):\n", - " for k in list(affect_count_table.keys())[::-1]:\n", - " if target_num<=k:\n", - " return k\n", - "\n", - "\n", - "def recursive_change(direction,start_point,target_num,sign,affect_count_table,quantum_gates):\n", - " \n", - " if start_point == target_num:\n", - " # print(\"recursive_change: STOP\")\n", - " return\n", - " \n", - " gap = int(math.fabs(start_point-target_num)) \n", - " step = find_start(affect_count_table,gap)\n", - " change_sign(sign,affect_count_table[step])\n", - " quantum_gates.append(affect_count_table[step])\n", - " \n", - " if direction==\"r\": \n", - " # print(\"recursive_change: From\",start_point,\"Right(-):\",step)\n", - " start_point = start_point - step\n", - " direction = \"l\"\n", - " recursive_change(direction,start_point,target_num,sign,affect_count_table,quantum_gates)\n", - " \n", - " else: \n", - " # print(\"recursive_change: From\",start_point,\"Left(+):\",step)\n", - " start_point = start_point + step\n", - " direction = \"r\"\n", - " recursive_change(direction,start_point,target_num,sign,affect_count_table,quantum_gates)\n", - " \n", - " \n", - "\n", - "def guarntee_upper_bound_algorithm(sign,target_num,total_len,digits): \n", - " flag = \"0\"+str(digits)+\"b\"\n", - " pre_num = 0\n", - " affect_count_table = {}\n", - " quantum_gates = []\n", - " for i in range(digits):\n", - " cur_num = pre_num + pow(2,i)\n", - " pre_num = cur_num\n", - " binstr_cur_num = format(cur_num,flag) \n", - " affect_count_table[int(pow(2,binstr_cur_num.count(\"0\")))] = binstr_cur_num \n", - " \n", - " if target_num in affect_count_table.keys():\n", - " quantum_gates.append(affect_count_table[target_num])\n", - " change_sign(sign,affect_count_table[target_num]) \n", - " else:\n", - " direction = \"r\"\n", - " start_point = find_start(affect_count_table,target_num)\n", - " quantum_gates.append(affect_count_table[start_point])\n", - " change_sign(sign,affect_count_table[start_point])\n", - " recursive_change(direction,start_point,target_num,sign,affect_count_table,quantum_gates)\n", - " \n", - " return quantum_gates\n", - "\n", - "def qf_map_extract_from_weight(weights): \n", - " # Find Z control gates according to weights\n", - " w = (weights.detach().cpu().numpy())\n", - " total_len = len(w)\n", - " target_num = np.count_nonzero(w == -1)\n", - " if target_num > total_len/2:\n", - " w = w*-1\n", - " target_num = np.count_nonzero(w == -1) \n", - " digits = int(math.log(total_len,2))\n", - " flag = \"0\"+str(digits)+\"b\"\n", - " max_num = int(math.pow(2,digits))\n", - " sign = {}\n", - " for i in range(max_num): \n", - " sign[format(i,flag)] = +1\n", - " quantum_gates = guarntee_upper_bound_algorithm(sign,target_num,total_len,digits)\n", - " \n", - " # Build the mapping from weight to final negative num \n", - " fin_sign = list(sign.values())\n", - " fin_weig = [int(x) for x in list(w)]\n", - " sign_neg_index = [] \n", - " try:\n", - " beg_pos = 0\n", - " while True:\n", - " find_pos = fin_sign.index(-1,beg_pos) \n", - " # qiskit_position = int(format(find_pos,flag)[::-1],2) \n", - " sign_neg_index.append(find_pos)\n", - " beg_pos = find_pos+1\n", - " except Exception as exception: \n", - " pass \n", - " \n", - "\n", - " weight_neg_index = []\n", - " try:\n", - " beg_pos = 0\n", - " while True:\n", - " find_pos = fin_weig.index(-1,beg_pos)\n", - " weight_neg_index.append(find_pos)\n", - " beg_pos = find_pos+1\n", - " except Exception as exception: \n", - " pass \n", - " map = {}\n", - " for i in range(len(sign_neg_index)):\n", - " map[sign_neg_index[i]] = weight_neg_index[i]\n", - "\n", - " ret_index = list([-1 for i in range(len(fin_weig))])\n", - " \n", - " \n", - " for k,v in map.items():\n", - " ret_index[k]=v\n", - " \n", - " \n", - " for i in range(len(fin_weig)):\n", - " if ret_index[i]!=-1:\n", - " continue\n", - " for j in range(len(fin_weig)):\n", - " if j not in ret_index:\n", - " ret_index[i]=j\n", - " break\n", - " return quantum_gates,ret_index\n", - " \n", - "\n" - ], - "outputs": [], - "metadata": { - "collapsed": false, - "pycharm": { - "name": "#%%\n" - } - } - }, - { - "cell_type": "code", - "execution_count": null, - "source": [ - "# Optimized circuit\n", - "\n", - "# From Listing 2: creat the qubits to hold data\n", - "inp_1 = QuantumRegister(4,\"in1_qbit\")\n", - "inp_2 = QuantumRegister(4,\"in2_qbit\")\n", - "opt_circ = QuantumCircuit(inp_1,inp_2)\n", - "data_matrix = quantum_matrix\n", - "\n", - "n1_q_gates,n1_idx = qf_map_extract_from_weight(weight_1_1)\n", - "n2_q_gates,n2_idx = qf_map_extract_from_weight(weight_1_2)\n", - "\n", - "opt_circ.append(UnitaryGate(data_matrix[n1_idx], label=\"Input\"), inp_1[0:4])\n", - "opt_circ.append(UnitaryGate(data_matrix[n2_idx], label=\"Input\"), inp_2[0:4])\n", - "\n", - "# From Listing 3: create auxiliary qubits\n", - "aux = QuantumRegister(2,\"aux_qbit\")\n", - "opt_circ.add_register(aux)\n", - "\n", - "# From Listing 4: create output qubits for the first layer (hidden neurons)\n", - "hidden_neurons = QuantumRegister(2,\"hidden_qbits\")\n", - "opt_circ.add_register(hidden_neurons)\n", - "\n", - "\n", - "qbits = inp_1\n", - "for gate in n1_q_gates:\n", - " z_count = gate.count(\"1\")\n", - " # z_pos = get_index_list(gate,\"1\")\n", - " z_pos = get_index_list(gate[::-1],\"1\")\n", - " # print(z_pos)\n", - " if z_count==1:\n", - " opt_circ.z(qbits[z_pos[0]])\n", - " elif z_count==2:\n", - " opt_circ.cz(qbits[z_pos[0]],qbits[z_pos[1]])\n", - " elif z_count==3:\n", - " ccz(opt_circ,qbits[z_pos[0]],qbits[z_pos[1]],qbits[z_pos[2]],aux[0])\n", - " elif z_count==4:\n", - " cccz(opt_circ,qbits[z_pos[0]],qbits[z_pos[1]],qbits[z_pos[2]],qbits[z_pos[3]],aux[0],aux[1])\n", - "\n", - "qbits = inp_2\n", - "for gate in n2_q_gates:\n", - " z_count = gate.count(\"1\")\n", - " # z_pos = get_index_list(gate,\"1\")\n", - " z_pos = get_index_list(gate[::-1],\"1\")\n", - " # print(z_pos)\n", - " if z_count==1:\n", - " opt_circ.z(qbits[z_pos[0]])\n", - " elif z_count==2:\n", - " opt_circ.cz(qbits[z_pos[0]],qbits[z_pos[1]])\n", - " elif z_count==3:\n", - " ccz(opt_circ,qbits[z_pos[0]],qbits[z_pos[1]],qbits[z_pos[2]],aux[0])\n", - " elif z_count==4:\n", - " cccz(opt_circ,qbits[z_pos[0]],qbits[z_pos[1]],qbits[z_pos[2]],qbits[z_pos[3]],aux[0],aux[1])\n", - "\n", - "opt_circ.barrier()\n", - "\n", - "# From Listing 4: applying the quadratic function on the weighted sum\n", - "opt_circ.h(inp_1)\n", - "opt_circ.x(inp_1)\n", - "ccccx(opt_circ,inp_1[0],inp_1[1],inp_1[2],inp_1[3],hidden_neurons[0],aux[0],aux[1])\n", - "\n", - "opt_circ.h(inp_2)\n", - "opt_circ.x(inp_2)\n", - "ccccx(opt_circ,inp_2[0],inp_2[1],inp_2[2],inp_2[3],hidden_neurons[1],aux[0],aux[1])\n", - "\n", - "\n", - "print(\"Hidden layer created!\")" - ], - "outputs": [], - "metadata": { - "collapsed": false, - "pycharm": { - "name": "#%%\n", - "is_executing": true - } - } - }, - { - "cell_type": "code", - "execution_count": null, - "source": [ - "################ Weiwen on 12-30-2020 ################\n", - "# Quantum circuit implementation of the output layer\n", - "# fundamentals, please see our Nature Communication\n", - "# paper (P-LYR) https://arxiv.org/pdf/2006.14815.pdf\n", - "######################################################\n", - "\n", - "inter_q_1 = QuantumRegister(1,\"inter_q_1_qbits\")\n", - "norm_q_1 = QuantumRegister(1,\"norm_q_1_qbits\")\n", - "out_q_1 = QuantumRegister(1,\"out_q_1_qbits\")\n", - "opt_circ.add_register(inter_q_1,norm_q_1,out_q_1)\n", - "\n", - "opt_circ.barrier()\n", - "\n", - "if weight_2_1.sum()<0:\n", - " weight_2_1 = weight_2_1*-1\n", - "idx = 0\n", - "for idx in range(weight_2_1.flatten().size()[0]):\n", - " if weight_2_1[idx]==-1:\n", - " opt_circ.x(hidden_neurons[idx])\n", - "opt_circ.h(inter_q_1)\n", - "opt_circ.cz(hidden_neurons[0],inter_q_1)\n", - "opt_circ.x(inter_q_1)\n", - "opt_circ.cz(hidden_neurons[1],inter_q_1)\n", - "opt_circ.x(inter_q_1)\n", - "opt_circ.h(inter_q_1)\n", - "opt_circ.x(inter_q_1)\n", - "\n", - "opt_circ.barrier()\n", - "\n", - "norm_init_rad = float(norm_para_1.sqrt().arcsin()*2)\n", - "opt_circ.ry(norm_init_rad,norm_q_1)\n", - "if norm_flag_1:\n", - " opt_circ.cx(inter_q_1,out_q_1)\n", - " opt_circ.x(inter_q_1)\n", - " opt_circ.ccx(inter_q_1,norm_q_1,out_q_1)\n", - "else:\n", - " opt_circ.ccx(inter_q_1,norm_q_1,out_q_1)\n", - "\n", - "for idx in range(weight_2_1.flatten().size()[0]):\n", - " if weight_2_1[idx]==-1:\n", - " opt_circ.x(hidden_neurons[idx])\n", - "\n", - "opt_circ.barrier()\n", - "\n", - "\n", - "\n", - "\n", - "inter_q_2 = QuantumRegister(1,\"inter_q_2_qbits\")\n", - "norm_q_2 = QuantumRegister(1,\"norm_q_2_qbits\")\n", - "out_q_2 = QuantumRegister(1,\"out_q_2_qbits\")\n", - "opt_circ.add_register(inter_q_2,norm_q_2,out_q_2)\n", - "\n", - "opt_circ.barrier()\n", - "\n", - "if weight_2_2.sum()<0:\n", - " weight_2_2 = weight_2_2*-1\n", - "idx = 0\n", - "for idx in range(weight_2_2.flatten().size()[0]):\n", - " if weight_2_2[idx]==-1:\n", - " opt_circ.x(hidden_neurons[idx])\n", - "opt_circ.h(inter_q_2)\n", - "opt_circ.cz(hidden_neurons[0],inter_q_2)\n", - "opt_circ.x(inter_q_2)\n", - "opt_circ.cz(hidden_neurons[1],inter_q_2)\n", - "opt_circ.x(inter_q_2)\n", - "opt_circ.h(inter_q_2)\n", - "opt_circ.x(inter_q_2)\n", - "\n", - "opt_circ.barrier()\n", - "\n", - "norm_init_rad = float(norm_para_2.sqrt().arcsin()*2)\n", - "opt_circ.ry(norm_init_rad,norm_q_2)\n", - "if norm_flag_2:\n", - " opt_circ.cx(inter_q_2,out_q_2)\n", - " opt_circ.x(inter_q_2)\n", - " opt_circ.ccx(inter_q_2,norm_q_2,out_q_2)\n", - "else:\n", - " opt_circ.ccx(inter_q_2,norm_q_2,out_q_2)\n", - "\n", - "for idx in range(weight_2_2.flatten().size()[0]):\n", - " if weight_2_2[idx]==-1:\n", - " opt_circ.x(hidden_neurons[idx])\n", - "\n", - "opt_circ.barrier()\n", - "\n", - "c_reg = ClassicalRegister(2,\"reg\")\n", - "opt_circ.add_register(c_reg)\n", - "opt_circ.measure(out_q_1,c_reg[0])\n", - "opt_circ.measure(out_q_2,c_reg[1])\n", - "\n", - "print(\"Output layer created!\")" - ], - "outputs": [], - "metadata": { - "collapsed": false, - "pycharm": { - "name": "#%%\n", - "is_executing": true - } - } - }, - { - "cell_type": "markdown", - "source": [ - "### Non-Optimized Circuit v.s. Optimized Circuit\n", - "\n", - "Let's test and compare!\n" - ], - "metadata": { - "collapsed": false - } - }, - { - "cell_type": "code", - "execution_count": null, - "source": [ - "################ Weiwen on 12-30-2020 ################\n", - "# Quantum simulation\n", - "######################################################\n", - "\n", - "# Non-Optimized one\n", - "qc_shots=8192\n", - "counts = fire_ibmq(circ,qc_shots,True)\n", - "(mycount,bits) = analyze(counts)\n", - "class_prob=[]\n", - "for b in range(bits):\n", - " class_prob.append(float(mycount[b])/qc_shots)\n", - "\n", - "print(\"=\"*10,\"Non-Optimized Circuit\",\"=\"*10)\n", - "print(\"Non-Optimized Circuit Depth:\",circ.depth())\n", - "print(\"Result of non-optimized QC:\",class_prob)\n", - "print(\"Prediction class: {}\".format(class_prob.index(max(class_prob))))\n", - "print(\"Target class: {}\".format(target[0]))\n", - "if class_prob.index(max(class_prob))==target[0]:\n", - " print(\"Correct prediction\")\n", - "else:\n", - " print(\"Incorrect prediction\")\n", - "\n", - "print(\"=\"*30)\n", - "\n", - "# Optimized one\n", - "qc_shots=8192\n", - "opt_counts = fire_ibmq(opt_circ,qc_shots,True)\n", - "(opt_mycount,bits) = analyze(opt_counts)\n", - "opt_class_prob=[]\n", - "for b in range(bits):\n", - " opt_class_prob.append(float(opt_mycount[b])/qc_shots)\n", - "\n", - "\n", - "print(\"=\"*10,\"Optimized Circuit\",\"=\"*10)\n", - "print(\"Optimized Circuit Depth:\",opt_circ.depth())\n", - "print(\"Result of optimized QC:\",opt_class_prob)\n", - "print(\"Prediction class: {}\".format(opt_class_prob.index(max(opt_class_prob))))\n", - "print(\"Target class: {}\".format(target[0]))\n", - "if opt_class_prob.index(max(opt_class_prob))==target[0]:\n", - " print(\"Correct prediction\")\n", - "else:\n", - " print(\"Incorrect prediction\")\n", - "print(\"=\"*30)" - ], - "outputs": [], - "metadata": { - "collapsed": false, - "pycharm": { - "name": "#%%\n", - "is_executing": true - } - } - } - ], - "metadata": { - "kernelspec": { - "name": "pycharm-8213722", - "language": "python", - "display_name": "PyCharm (qiskit_practice)" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 2 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.6" - }, - "pycharm": { - "stem_cell": { - "cell_type": "raw", - "source": [], - "metadata": { - "collapsed": false - } - } - } - }, - "nbformat": 4, - "nbformat_minor": 2 + "nbformat": 4, + "nbformat_minor": 0 } \ No newline at end of file diff --git a/session_2/Tutorial_5_QF-Map-Eval.ipynb b/session_2/Tutorial_5_QF-Map-Eval.ipynb index 2d06b4c..7fd74df 100644 --- a/session_2/Tutorial_5_QF-Map-Eval.ipynb +++ b/session_2/Tutorial_5_QF-Map-Eval.ipynb @@ -1,440 +1,448 @@ { - "cells": [ - { - "cell_type": "code", - "execution_count": null, - "source": [ - "# !pip install -q torch==1.8.1\n", - "\n", - "\n", - "import torch\n", - "import functools\n", - "print = functools.partial(print, flush=True)\n", - "import numpy as np \n", - "import math\n", - "import functools\n", - "from torch.autograd import Function" - ], - "outputs": [], - "metadata": { - "collapsed": true, - "pycharm": { - "is_executing": false + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "source": [ + "!pip install -q torch==1.8.1\n", + "\n", + "import warnings\n", + "warnings.filterwarnings(\"ignore\", category=DeprecationWarning) \n", + "\n", + "import torch\n", + "import functools\n", + "print = functools.partial(print, flush=True)\n", + "import numpy as np \n", + "import math\n", + "import functools\n", + "from torch.autograd import Function" + ], + "outputs": [], + "metadata": { + "collapsed": true, + "pycharm": { + "is_executing": false + }, + "id": "Gh5OgZzFrqpH" + } + }, + { + "cell_type": "code", + "execution_count": null, + "source": [ + "\n", + "import math\n", + "import copy\n", + "\n", + "################ Zhirui on 12-30-2020 ################\n", + "# U-layer \n", + "######################################################\n", + "def get_index_list(input,target):\n", + " index_list = []\n", + " try:\n", + " beg_pos = 0\n", + " while True:\n", + " find_pos = input.index(target,beg_pos)\n", + " index_list.append(find_pos)\n", + " beg_pos = find_pos+1\n", + " except Exception as exception: \n", + " pass \n", + " return index_list\n", + "\n", + "def change_sign(sign,bin):\n", + " affect_num = [bin]\n", + " one_positions = []\n", + " \n", + " try:\n", + " beg_pos = 0\n", + " while True:\n", + " find_pos = bin.index(\"1\",beg_pos)\n", + " one_positions.append(find_pos)\n", + " beg_pos = find_pos+1\n", + " except Exception as exception:\n", + " # print(\"Not Found\")\n", + " pass\n", + " \n", + " for k,v in sign.items():\n", + " change = True\n", + " for pos in one_positions:\n", + " if k[pos]==\"0\": \n", + " change = False\n", + " break\n", + " if change:\n", + " sign[k] = -1*v\n", + " \n", + "\n", + "def find_start(affect_count_table,target_num):\n", + " for k in list(affect_count_table.keys())[::-1]:\n", + " if target_num<=k:\n", + " return k\n", + "\n", + "\n", + "def recursive_change(direction,start_point,target_num,sign,affect_count_table,quantum_gates):\n", + " \n", + " if start_point == target_num:\n", + " # print(\"recursive_change: STOP\")\n", + " return\n", + " \n", + " gap = int(math.fabs(start_point-target_num)) \n", + " step = find_start(affect_count_table,gap)\n", + " change_sign(sign,affect_count_table[step])\n", + " quantum_gates.append(affect_count_table[step])\n", + " \n", + " if direction==\"r\": \n", + " # print(\"recursive_change: From\",start_point,\"Right(-):\",step)\n", + " start_point = start_point - step\n", + " direction = \"l\"\n", + " recursive_change(direction,start_point,target_num,sign,affect_count_table,quantum_gates)\n", + " \n", + " else: \n", + " # print(\"recursive_change: From\",start_point,\"Left(+):\",step)\n", + " start_point = start_point + step\n", + " direction = \"r\"\n", + " recursive_change(direction,start_point,target_num,sign,affect_count_table,quantum_gates)\n", + " \n", + " \n", + "\n", + "def guarntee_upper_bound_algorithm(sign,target_num,total_len,digits): \n", + " flag = \"0\"+str(digits)+\"b\"\n", + " pre_num = 0\n", + " affect_count_table = {}\n", + " quantum_gates = []\n", + " for i in range(digits):\n", + " cur_num = pre_num + pow(2,i)\n", + " pre_num = cur_num\n", + " binstr_cur_num = format(cur_num,flag) \n", + " affect_count_table[int(pow(2,binstr_cur_num.count(\"0\")))] = binstr_cur_num \n", + " \n", + " if target_num in affect_count_table.keys():\n", + " quantum_gates.append(affect_count_table[target_num])\n", + " change_sign(sign,affect_count_table[target_num]) \n", + " else:\n", + " direction = \"r\"\n", + " start_point = find_start(affect_count_table,target_num)\n", + " quantum_gates.append(affect_count_table[start_point])\n", + " change_sign(sign,affect_count_table[start_point])\n", + " recursive_change(direction,start_point,target_num,sign,affect_count_table,quantum_gates)\n", + " \n", + " return quantum_gates\n", + "\n", + "def qf_map_extract_from_weight(weights): \n", + " # Find Z control gates according to weights\n", + " w = (weights.detach().cpu().numpy())\n", + " total_len = len(w)\n", + " target_num = np.count_nonzero(w == -1)\n", + " if target_num > total_len/2:\n", + " w = w*-1\n", + " target_num = np.count_nonzero(w == -1) \n", + " digits = int(math.log(total_len,2))\n", + " flag = \"0\"+str(digits)+\"b\"\n", + " max_num = int(math.pow(2,digits))\n", + " sign = {}\n", + " for i in range(max_num): \n", + " sign[format(i,flag)] = +1\n", + " quantum_gates = guarntee_upper_bound_algorithm(sign,target_num,total_len,digits)\n", + " \n", + " \n", + " # Build the mapping from weight to final negative num \n", + " fin_sign = list(sign.values())\n", + " fin_weig = [int(x) for x in list(w)]\n", + " \n", + " # print(fin_sign)\n", + " # print(fin_weig)\n", + " sign_neg_index = [] \n", + " try:\n", + " beg_pos = 0\n", + " while True:\n", + " find_pos = fin_sign.index(-1,beg_pos) \n", + " # qiskit_position = int(format(find_pos,flag)[::-1],2) \n", + " sign_neg_index.append(find_pos)\n", + " beg_pos = find_pos+1\n", + " except Exception as exception: \n", + " pass \n", + " \n", + "\n", + " weight_neg_index = []\n", + " try:\n", + " beg_pos = 0\n", + " while True:\n", + " find_pos = fin_weig.index(-1,beg_pos)\n", + " weight_neg_index.append(find_pos)\n", + " beg_pos = find_pos+1\n", + " except Exception as exception: \n", + " pass \n", + " map = {}\n", + " for i in range(len(sign_neg_index)):\n", + " map[sign_neg_index[i]] = weight_neg_index[i]\n", + " ret_index = list([-1 for i in range(len(fin_weig))])\n", + "\n", + " for k,v in map.items():\n", + " ret_index[k]=v\n", + "\n", + " for i in range(len(fin_weig)):\n", + " if ret_index[i]!=-1:\n", + " continue\n", + " for j in range(len(fin_weig)):\n", + " if j not in ret_index:\n", + " ret_index[i]=j\n", + " break\n", + " return quantum_gates,ret_index\n", + "\n", + "################ Zhirui on 12-30-2020 ################\n", + "# ffnn-layer \n", + "######################################################\n", + "def AinB(A,B):\n", + " idx_a = []\n", + " for i in range(len(A)):\n", + " if A[i]==\"1\":\n", + " idx_a.append(i) \n", + " flag = True\n", + " for j in idx_a:\n", + " if B[j]==\"0\":\n", + " flag=False\n", + " break\n", + " return flag\n", + " \n", + " \n", + "def FFNN_Create_Weight(weights): \n", + " # Find Z control gates according to weights\n", + " w = (weights.detach().cpu().numpy())\n", + " total_len = len(w) \n", + " digits = int(math.log(total_len,2))\n", + " flag = \"0\"+str(digits)+\"b\"\n", + " max_num = int(math.pow(2,digits))\n", + " sign = {}\n", + " for i in range(max_num): \n", + " sign[format(i,flag)] = +1 \n", + " sign_expect = {}\n", + " for i in range(max_num):\n", + " sign_expect[format(i,flag)] = int(w[i]) \n", + " \n", + " order_list = []\n", + " for i in range(digits+1):\n", + " for key in sign.keys():\n", + " if key.count(\"1\") == i:\n", + " order_list.append(key) \n", + " \n", + " gates = [] \n", + " sign_cur = copy.deepcopy(sign_expect)\n", + " for idx in range(len(order_list)):\n", + " key = order_list[idx]\n", + " if sign_cur[key] == -1:\n", + " gates.append(key)\n", + " for cor_idx in range(idx,len((order_list))):\n", + " if AinB(key,order_list[cor_idx]):\n", + " sign_cur[order_list[cor_idx]] = (-1)*sign_cur[order_list[cor_idx]] \n", + " return gates\n", + "\n", + "################ Zhirui on 12-30-2020 ################\n", + "# commons\n", + "######################################################\n", + "\n", + "def gates_to_cost(gates):\n", + " cost = 0\n", + " for gate in gates:\n", + " num_one = gate.count(\"1\")\n", + " if num_one==1:\n", + " cost += 1\n", + " else:\n", + " cost += (num_one-1)*2-1\n", + " return cost\n", + " \n", + "\n", + "class BinarizeF(Function):\n", + "\n", + " @staticmethod\n", + " def forward(cxt, input):\n", + " output = input.new(input.size())\n", + " output[input >= 0] = 1\n", + " output[input < 0] = -1\n", + "\n", + " return output\n", + "\n", + " @staticmethod\n", + " def backward(cxt, grad_output):\n", + " grad_input = grad_output.clone()\n", + " return grad_input\n", + "\n", + "\n", + "# aliases\n", + "binarize = BinarizeF.apply\n", + "\n", + "\n" + ], + "outputs": [], + "metadata": { + "pycharm": { + "name": "#%% QF-Map\n", + "is_executing": false + }, + "id": "WVBZUH7ArqpN" + } + }, + { + "cell_type": "code", + "execution_count": null, + "source": [ + "\n", + "################ Zhirui on 12-30-2020 ################\n", + "# caculate the cost of FFNN and U-Layer for a set number of qubits (4-12)\n", + "######################################################\n", + "\n", + "QF_Cost={}\n", + "FFNN_Cost={}\n", + "MLP_Cost={}\n", + "\n", + "range_end = 9\n", + "\n", + "qf_net_cost = 0\n", + "ffnn_cost = 0\n", + "for e in range(4,range_end):\n", + " QF_Cost[e]=[]\n", + " FFNN_Cost[e]=[]\n", + " MLP_Cost[e]=[]\n", + " for r in range(50):\n", + " MLP_Cost[e].append(2**e*2+e)\n", + " \n", + " x=torch.rand(2**e)-0.5 \n", + " x = binarize(x)\n", + " \n", + " sq_cost = e+e*2-1\n", + " \n", + " quantum_gates,ret_index = qf_map_extract_from_weight(x)\n", + " qf_net_cost = gates_to_cost(quantum_gates)+sq_cost\n", + " \n", + " gates = FFNN_Create_Weight(x)\n", + " ffnn_cost = gates_to_cost(gates)+sq_cost\n", + " \n", + " QF_Cost[e].append(qf_net_cost)\n", + " FFNN_Cost[e].append(ffnn_cost)\n", + " \n", + " # print(e,2**e*2+e,qf_net_cost,ffnn_cost)" + ], + "outputs": [], + "metadata": { + "pycharm": { + "name": "#%%\n", + "is_executing": false + }, + "id": "d_e3pX-SrqpR" + } + }, + { + "cell_type": "code", + "execution_count": null, + "source": [ + "################ Zhirui on 12-30-2020 ################\n", + "# caculate how many times is the cost of FFNN and U-Layer for a set number of qubits (4-12)\n", + "######################################################\n", + "\n", + "for e in range(4,range_end):\n", + " print(e,end=\" \")\n", + "\n", + "mean_mlp_cost = []\n", + "mean_ffnn_cost = []\n", + "mean_qf_cost = []\n", + "mean_mlp_div_qf = []\n", + "x_axis = []\n", + "print()\n", + "for e in range(4,range_end):\n", + " print(float(sum(MLP_Cost[e])/len(MLP_Cost[e])),end=\" \")\n", + " mean_mlp_cost.append(float(sum(MLP_Cost[e])/len(MLP_Cost[e])))\n", + " \n", + "print()\n", + "print()\n", + "\n", + "\n", + "for e in range(4,range_end):\n", + " print(e,end=\" \")\n", + "print()\n", + "for e in range(4,range_end):\n", + " print(float(sum(FFNN_Cost[e])/len(FFNN_Cost[e])),end=\" \")\n", + " mean_ffnn_cost.append(float(sum(FFNN_Cost[e])/len(FFNN_Cost[e])))\n", + " \n", + "print()\n", + "print()\n", + "\n", + "\n", + "for e in range(4,range_end):\n", + " print(e,end=\" \")\n", + " x_axis.append(e)\n", + " \n", + "print()\n", + "for e in range(4,range_end):\n", + " print(float(sum(QF_Cost[e])/len(QF_Cost[e])),end=\" \")\n", + " mean_qf_cost.append(float(sum(QF_Cost[e])/len(QF_Cost[e])))\n", + "\n", + "for i in range(0,len(mean_qf_cost)):\n", + " times = int(float(mean_mlp_cost[i])/ float(mean_qf_cost[i]))\n", + " mean_mlp_div_qf.append(times)" + ], + "outputs": [], + "metadata": { + "pycharm": { + "name": "#%%\n", + "is_executing": false + }, + "id": "FDCu0L0jrqpS" + } + }, + { + "cell_type": "code", + "execution_count": null, + "source": [ + "import matplotlib.pyplot as plt\n", + "\n", + "# x_data = ['2011','2012','2013','2014','2015','2016','2017']\n", + "# y_data = [58000,60200,63000,71000,84000,90500,107000]\n", + "# y_data2 = [52000,54200,51500,58300,56800,59500,62700]\n", + "\n", + "ln1, = plt.plot(x_axis,mean_mlp_cost,color='burlywood',linewidth=2.0,linestyle='--')\n", + "ln2, = plt.plot(x_axis,mean_ffnn_cost,color='plum',linewidth=3.0,linestyle='-.')\n", + "ln3, = plt.plot(x_axis,mean_qf_cost,color='paleturquoise',linewidth=3.0,linestyle=':')\n", + "\n", + "plt.title(\"Quantum Advantage achieved by U-LYR in QuantumFlow\")\n", + "plt.legend(handles=[ln1,ln2,ln3],labels=['mlp','ffnn','qf'])\n", + "plt.yscale('log')\n", + "ax = plt.gca()\n", + "\n", + "for i in range(0,len(mean_mlp_div_qf)):\n", + " ax.text((i+4),mean_ffnn_cost[i] ,'x'+ str(mean_mlp_div_qf[i]),style='italic',bbox={'facecolor':'white','alpha':0.5,'pad':10})\n", + "ax.spines['right'].set_color('none')\n", + "ax.spines['top'].set_color('none')\n", + "\n", + "plt.show()" + ], + "outputs": [], + "metadata": { + "id": "5UQDiGXzrqpT" + } } - } - }, - { - "cell_type": "code", - "execution_count": null, - "source": [ - "\n", - "import math\n", - "import copy\n", - "\n", - "################ Zhirui on 12-30-2020 ################\n", - "# U-layer \n", - "######################################################\n", - "def get_index_list(input,target):\n", - " index_list = []\n", - " try:\n", - " beg_pos = 0\n", - " while True:\n", - " find_pos = input.index(target,beg_pos)\n", - " index_list.append(find_pos)\n", - " beg_pos = find_pos+1\n", - " except Exception as exception: \n", - " pass \n", - " return index_list\n", - "\n", - "def change_sign(sign,bin):\n", - " affect_num = [bin]\n", - " one_positions = []\n", - " \n", - " try:\n", - " beg_pos = 0\n", - " while True:\n", - " find_pos = bin.index(\"1\",beg_pos)\n", - " one_positions.append(find_pos)\n", - " beg_pos = find_pos+1\n", - " except Exception as exception:\n", - " # print(\"Not Found\")\n", - " pass\n", - " \n", - " for k,v in sign.items():\n", - " change = True\n", - " for pos in one_positions:\n", - " if k[pos]==\"0\": \n", - " change = False\n", - " break\n", - " if change:\n", - " sign[k] = -1*v\n", - " \n", - "\n", - "def find_start(affect_count_table,target_num):\n", - " for k in list(affect_count_table.keys())[::-1]:\n", - " if target_num<=k:\n", - " return k\n", - "\n", - "\n", - "def recursive_change(direction,start_point,target_num,sign,affect_count_table,quantum_gates):\n", - " \n", - " if start_point == target_num:\n", - " # print(\"recursive_change: STOP\")\n", - " return\n", - " \n", - " gap = int(math.fabs(start_point-target_num)) \n", - " step = find_start(affect_count_table,gap)\n", - " change_sign(sign,affect_count_table[step])\n", - " quantum_gates.append(affect_count_table[step])\n", - " \n", - " if direction==\"r\": \n", - " # print(\"recursive_change: From\",start_point,\"Right(-):\",step)\n", - " start_point = start_point - step\n", - " direction = \"l\"\n", - " recursive_change(direction,start_point,target_num,sign,affect_count_table,quantum_gates)\n", - " \n", - " else: \n", - " # print(\"recursive_change: From\",start_point,\"Left(+):\",step)\n", - " start_point = start_point + step\n", - " direction = \"r\"\n", - " recursive_change(direction,start_point,target_num,sign,affect_count_table,quantum_gates)\n", - " \n", - " \n", - "\n", - "def guarntee_upper_bound_algorithm(sign,target_num,total_len,digits): \n", - " flag = \"0\"+str(digits)+\"b\"\n", - " pre_num = 0\n", - " affect_count_table = {}\n", - " quantum_gates = []\n", - " for i in range(digits):\n", - " cur_num = pre_num + pow(2,i)\n", - " pre_num = cur_num\n", - " binstr_cur_num = format(cur_num,flag) \n", - " affect_count_table[int(pow(2,binstr_cur_num.count(\"0\")))] = binstr_cur_num \n", - " \n", - " if target_num in affect_count_table.keys():\n", - " quantum_gates.append(affect_count_table[target_num])\n", - " change_sign(sign,affect_count_table[target_num]) \n", - " else:\n", - " direction = \"r\"\n", - " start_point = find_start(affect_count_table,target_num)\n", - " quantum_gates.append(affect_count_table[start_point])\n", - " change_sign(sign,affect_count_table[start_point])\n", - " recursive_change(direction,start_point,target_num,sign,affect_count_table,quantum_gates)\n", - " \n", - " return quantum_gates\n", - "\n", - "def qf_map_extract_from_weight(weights): \n", - " # Find Z control gates according to weights\n", - " w = (weights.detach().cpu().numpy())\n", - " total_len = len(w)\n", - " target_num = np.count_nonzero(w == -1)\n", - " if target_num > total_len/2:\n", - " w = w*-1\n", - " target_num = np.count_nonzero(w == -1) \n", - " digits = int(math.log(total_len,2))\n", - " flag = \"0\"+str(digits)+\"b\"\n", - " max_num = int(math.pow(2,digits))\n", - " sign = {}\n", - " for i in range(max_num): \n", - " sign[format(i,flag)] = +1\n", - " quantum_gates = guarntee_upper_bound_algorithm(sign,target_num,total_len,digits)\n", - " \n", - " \n", - " # Build the mapping from weight to final negative num \n", - " fin_sign = list(sign.values())\n", - " fin_weig = [int(x) for x in list(w)]\n", - " \n", - " # print(fin_sign)\n", - " # print(fin_weig)\n", - " sign_neg_index = [] \n", - " try:\n", - " beg_pos = 0\n", - " while True:\n", - " find_pos = fin_sign.index(-1,beg_pos) \n", - " # qiskit_position = int(format(find_pos,flag)[::-1],2) \n", - " sign_neg_index.append(find_pos)\n", - " beg_pos = find_pos+1\n", - " except Exception as exception: \n", - " pass \n", - " \n", - "\n", - " weight_neg_index = []\n", - " try:\n", - " beg_pos = 0\n", - " while True:\n", - " find_pos = fin_weig.index(-1,beg_pos)\n", - " weight_neg_index.append(find_pos)\n", - " beg_pos = find_pos+1\n", - " except Exception as exception: \n", - " pass \n", - " map = {}\n", - " for i in range(len(sign_neg_index)):\n", - " map[sign_neg_index[i]] = weight_neg_index[i]\n", - " ret_index = list([-1 for i in range(len(fin_weig))])\n", - "\n", - " for k,v in map.items():\n", - " ret_index[k]=v\n", - "\n", - " for i in range(len(fin_weig)):\n", - " if ret_index[i]!=-1:\n", - " continue\n", - " for j in range(len(fin_weig)):\n", - " if j not in ret_index:\n", - " ret_index[i]=j\n", - " break\n", - " return quantum_gates,ret_index\n", - "\n", - "################ Zhirui on 12-30-2020 ################\n", - "# ffnn-layer \n", - "######################################################\n", - "def AinB(A,B):\n", - " idx_a = []\n", - " for i in range(len(A)):\n", - " if A[i]==\"1\":\n", - " idx_a.append(i) \n", - " flag = True\n", - " for j in idx_a:\n", - " if B[j]==\"0\":\n", - " flag=False\n", - " break\n", - " return flag\n", - " \n", - " \n", - "def FFNN_Create_Weight(weights): \n", - " # Find Z control gates according to weights\n", - " w = (weights.detach().cpu().numpy())\n", - " total_len = len(w) \n", - " digits = int(math.log(total_len,2))\n", - " flag = \"0\"+str(digits)+\"b\"\n", - " max_num = int(math.pow(2,digits))\n", - " sign = {}\n", - " for i in range(max_num): \n", - " sign[format(i,flag)] = +1 \n", - " sign_expect = {}\n", - " for i in range(max_num):\n", - " sign_expect[format(i,flag)] = int(w[i]) \n", - " \n", - " order_list = []\n", - " for i in range(digits+1):\n", - " for key in sign.keys():\n", - " if key.count(\"1\") == i:\n", - " order_list.append(key) \n", - " \n", - " gates = [] \n", - " sign_cur = copy.deepcopy(sign_expect)\n", - " for idx in range(len(order_list)):\n", - " key = order_list[idx]\n", - " if sign_cur[key] == -1:\n", - " gates.append(key)\n", - " for cor_idx in range(idx,len((order_list))):\n", - " if AinB(key,order_list[cor_idx]):\n", - " sign_cur[order_list[cor_idx]] = (-1)*sign_cur[order_list[cor_idx]] \n", - " return gates\n", - "\n", - "################ Zhirui on 12-30-2020 ################\n", - "# commons\n", - "######################################################\n", - "\n", - "def gates_to_cost(gates):\n", - " cost = 0\n", - " for gate in gates:\n", - " num_one = gate.count(\"1\")\n", - " if num_one==1:\n", - " cost += 1\n", - " else:\n", - " cost += (num_one-1)*2-1\n", - " return cost\n", - " \n", - "\n", - "class BinarizeF(Function):\n", - "\n", - " @staticmethod\n", - " def forward(cxt, input):\n", - " output = input.new(input.size())\n", - " output[input >= 0] = 1\n", - " output[input < 0] = -1\n", - "\n", - " return output\n", - "\n", - " @staticmethod\n", - " def backward(cxt, grad_output):\n", - " grad_input = grad_output.clone()\n", - " return grad_input\n", - "\n", - "\n", - "# aliases\n", - "binarize = BinarizeF.apply\n", - "\n", - "\n" - ], - "outputs": [], - "metadata": { - "collapsed": false, - "pycharm": { - "name": "#%% QF-Map\n", - "is_executing": false - } - } - }, - { - "cell_type": "code", - "execution_count": null, - "source": [ - "\n", - "################ Zhirui on 12-30-2020 ################\n", - "# caculate the cost of FFNN and U-Layer for a set number of qubits (4-12)\n", - "######################################################\n", - "\n", - "QF_Cost={}\n", - "FFNN_Cost={}\n", - "MLP_Cost={}\n", - "\n", - "range_end = 9\n", - "\n", - "qf_net_cost = 0\n", - "ffnn_cost = 0\n", - "for e in range(4,range_end):\n", - " QF_Cost[e]=[]\n", - " FFNN_Cost[e]=[]\n", - " MLP_Cost[e]=[]\n", - " for r in range(50):\n", - " MLP_Cost[e].append(2**e*2+e)\n", - " \n", - " x=torch.rand(2**e)-0.5 \n", - " x = binarize(x)\n", - " \n", - " sq_cost = e+e*2-1\n", - " \n", - " quantum_gates,ret_index = qf_map_extract_from_weight(x)\n", - " qf_net_cost = gates_to_cost(quantum_gates)+sq_cost\n", - " \n", - " gates = FFNN_Create_Weight(x)\n", - " ffnn_cost = gates_to_cost(gates)+sq_cost\n", - " \n", - " QF_Cost[e].append(qf_net_cost)\n", - " FFNN_Cost[e].append(ffnn_cost)\n", - " \n", - " # print(e,2**e*2+e,qf_net_cost,ffnn_cost)" - ], - "outputs": [], - "metadata": { - "collapsed": false, - "pycharm": { - "name": "#%%\n", - "is_executing": false + ], + "metadata": { + "kernelspec": { + "name": "python3", + "display_name": "Python 3.8.10 64-bit ('qf': conda)" + }, + "language_info": { + "name": "python", + "version": "3.8.10", + "mimetype": "text/x-python", + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "pygments_lexer": "ipython3", + "nbconvert_exporter": "python", + "file_extension": ".py" + }, + "interpreter": { + "hash": "f24048f0d5bdb0ff49c5e7c8a9899a65bc3ab13b0f32660a2227453ca6b95fd8" + }, + "colab": { + "provenance": [] } - } - }, - { - "cell_type": "code", - "execution_count": null, - "source": [ - "################ Zhirui on 12-30-2020 ################\n", - "# caculate how many times is the cost of FFNN and U-Layer for a set number of qubits (4-12)\n", - "######################################################\n", - "\n", - "for e in range(4,range_end):\n", - " print(e,end=\" \")\n", - "\n", - "mean_mlp_cost = []\n", - "mean_ffnn_cost = []\n", - "mean_qf_cost = []\n", - "mean_mlp_div_qf = []\n", - "x_axis = []\n", - "print()\n", - "for e in range(4,range_end):\n", - " print(float(sum(MLP_Cost[e])/len(MLP_Cost[e])),end=\" \")\n", - " mean_mlp_cost.append(float(sum(MLP_Cost[e])/len(MLP_Cost[e])))\n", - " \n", - "print()\n", - "print()\n", - "\n", - "\n", - "for e in range(4,range_end):\n", - " print(e,end=\" \")\n", - "print()\n", - "for e in range(4,range_end):\n", - " print(float(sum(FFNN_Cost[e])/len(FFNN_Cost[e])),end=\" \")\n", - " mean_ffnn_cost.append(float(sum(FFNN_Cost[e])/len(FFNN_Cost[e])))\n", - " \n", - "print()\n", - "print()\n", - "\n", - "\n", - "for e in range(4,range_end):\n", - " print(e,end=\" \")\n", - " x_axis.append(e)\n", - " \n", - "print()\n", - "for e in range(4,range_end):\n", - " print(float(sum(QF_Cost[e])/len(QF_Cost[e])),end=\" \")\n", - " mean_qf_cost.append(float(sum(QF_Cost[e])/len(QF_Cost[e])))\n", - "\n", - "for i in range(0,len(mean_qf_cost)):\n", - " times = int(float(mean_mlp_cost[i])/ float(mean_qf_cost[i]))\n", - " mean_mlp_div_qf.append(times)" - ], - "outputs": [], - "metadata": { - "collapsed": false, - "pycharm": { - "name": "#%%\n", - "is_executing": false - } - } - }, - { - "cell_type": "code", - "execution_count": null, - "source": [ - "import matplotlib.pyplot as plt\n", - "\n", - "# x_data = ['2011','2012','2013','2014','2015','2016','2017']\n", - "# y_data = [58000,60200,63000,71000,84000,90500,107000]\n", - "# y_data2 = [52000,54200,51500,58300,56800,59500,62700]\n", - "\n", - "ln1, = plt.plot(x_axis,mean_mlp_cost,color='burlywood',linewidth=2.0,linestyle='--')\n", - "ln2, = plt.plot(x_axis,mean_ffnn_cost,color='plum',linewidth=3.0,linestyle='-.')\n", - "ln3, = plt.plot(x_axis,mean_qf_cost,color='paleturquoise',linewidth=3.0,linestyle=':')\n", - "\n", - "plt.title(\"Quantum Advantage achieved by U-LYR in QuantumFlow\")\n", - "plt.legend(handles=[ln1,ln2,ln3],labels=['mlp','ffnn','qf'])\n", - "plt.yscale('log')\n", - "ax = plt.gca()\n", - "\n", - "for i in range(0,len(mean_mlp_div_qf)):\n", - " ax.text((i+4),mean_ffnn_cost[i] ,'x'+ str(mean_mlp_div_qf[i]),style='italic',bbox={'facecolor':'white','alpha':0.5,'pad':10})\n", - "ax.spines['right'].set_color('none')\n", - "ax.spines['top'].set_color('none')\n", - "\n", - "plt.show()" - ], - "outputs": [], - "metadata": {} - } - ], - "metadata": { - "kernelspec": { - "name": "python3", - "display_name": "Python 3.8.10 64-bit ('qf': conda)" - }, - "language_info": { - "name": "python", - "version": "3.8.10", - "mimetype": "text/x-python", - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "pygments_lexer": "ipython3", - "nbconvert_exporter": "python", - "file_extension": ".py" }, - "interpreter": { - "hash": "f24048f0d5bdb0ff49c5e7c8a9899a65bc3ab13b0f32660a2227453ca6b95fd8" - } - }, - "nbformat": 4, - "nbformat_minor": 2 + "nbformat": 4, + "nbformat_minor": 0 } \ No newline at end of file