{ "cells": [ { "cell_type": "code", "execution_count": 1, "metadata": {}, "outputs": [], "source": [ "!pip install --upgrade tensorflow tensorflow-probability h5py ezsmdeploy==1.1.4 --quiet" ] }, { "cell_type": "code", "execution_count": 2, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "2023-06-22 20:46:58.953997: I tensorflow/core/platform/cpu_feature_guard.cc:193] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA\n", "To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.\n" ] } ], "source": [ "import numpy as np\n", "\n", "import tensorflow.compat.v2 as tf\n", "tf.enable_v2_behavior()\n", "\n", "import tensorflow_probability as tfp\n", "\n", "%matplotlib inline\n", "\n", "tfd = tfp.distributions" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Create Sample Data" ] }, { "cell_type": "code", "execution_count": 3, "metadata": {}, "outputs": [], "source": [ "w0 = 0.125\n", "b0 = 5.\n", "x_range = [-20, 60]\n", "\n", "def load_dataset(n=150, n_tst=150):\n", " np.random.seed(43)\n", " def s(x):\n", " g = (x - x_range[0]) / (x_range[1] - x_range[0])\n", " return 3 * (0.25 + g**2.)\n", " x = (x_range[1] - x_range[0]) * np.random.rand(n) + x_range[0]\n", " eps = np.random.randn(n) * s(x)\n", " y = (w0 * x * (1. + np.sin(x)) + b0) + eps\n", " x = x[..., np.newaxis]\n", " x_tst = np.linspace(*x_range, num=n_tst).astype(np.float32)\n", " x_tst = x_tst[..., np.newaxis]\n", " return y, x, x_tst\n", "\n", "y, x, x_tst = load_dataset()" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Build model" ] }, { "cell_type": "code", "execution_count": 4, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "2023-06-22 20:47:03.858526: E tensorflow/compiler/xla/stream_executor/cuda/cuda_driver.cc:267] failed call to cuInit: CUDA_ERROR_NO_DEVICE: no CUDA-capable device is detected\n", "2023-06-22 20:47:03.858585: I tensorflow/compiler/xla/stream_executor/cuda/cuda_diagnostics.cc:156] kernel driver does not appear to be running on this host (ip-172-16-69-48.ec2.internal): /proc/driver/nvidia/version does not exist\n", "2023-06-22 20:47:03.859486: I tensorflow/core/platform/cpu_feature_guard.cc:193] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 AVX512F FMA\n", "To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "WARNING:tensorflow:From /home/ec2-user/anaconda3/envs/amazonei_pytorch_latest_p37/lib/python3.7/site-packages/tensorflow/python/autograph/pyct/static_analysis/liveness.py:83: Analyzer.lamba_check (from tensorflow.python.autograph.pyct.static_analysis.liveness) is deprecated and will be removed after 2023-09-23.\n", "Instructions for updating:\n", "Lambda fuctions will be no more assumed to be used in the statement where they are used, or at least in the same block. https://github.com/tensorflow/tensorflow/issues/56089\n", "[ 0.18431081 -0.02869033]\n", "[2.8829193 1.2902781]\n" ] } ], "source": [ "# Build model.\n", "negloglik = lambda y, rv_y: -rv_y.log_prob(y)\n", "model = tf.keras.Sequential([\n", " tf.keras.layers.Dense(1 + 1),\n", " tfp.layers.DistributionLambda(\n", " lambda t: tfd.Normal(loc=t[..., :1],\n", " scale=1e-3 + tf.math.softplus(0.05 * t[...,1:]))),\n", "])\n", "\n", "# Do inference.\n", "model.compile(optimizer=tf.optimizers.Adam(learning_rate=0.01), loss=negloglik)\n", "model.fit(x, y, epochs=1000, verbose=False);\n", "\n", "# Profit.\n", "[print(np.squeeze(w.numpy())) for w in model.weights];\n", "yhat = model(x_tst)\n", "assert isinstance(yhat, tfd.Distribution)" ] }, { "cell_type": "code", "execution_count": 5, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "" ] }, "execution_count": 5, "metadata": {}, "output_type": "execute_result" } ], "source": [ "model(x_tst)" ] }, { "cell_type": "code", "execution_count": 6, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "5/5 [==============================] - 0s 1ms/step\n" ] }, { "data": { "text/plain": [ "array([[-0.5412204 ],\n", " [-1.9410728 ],\n", " [-0.578021 ],\n", " [-0.16698971],\n", " [-1.468133 ],\n", " [-0.50508 ],\n", " [-0.38154763],\n", " [-0.6259771 ],\n", " [ 0.34351516],\n", " [-0.12712643],\n", " [ 0.48169196],\n", " [ 0.29946333],\n", " [-0.42862403],\n", " [ 1.1576133 ],\n", " [ 1.5853112 ],\n", " [ 0.67053574],\n", " [ 0.1256119 ],\n", " [ 0.63639003],\n", " [ 2.2690997 ],\n", " [ 1.9389335 ],\n", " [ 1.6570092 ],\n", " [ 2.354652 ],\n", " [ 1.7384638 ],\n", " [ 1.1579847 ],\n", " [ 0.7559252 ],\n", " [ 0.76515126],\n", " [ 3.2890768 ],\n", " [ 2.1942217 ],\n", " [ 2.2424335 ],\n", " [ 1.9871 ],\n", " [ 2.1922774 ],\n", " [ 1.9778376 ],\n", " [ 2.3436756 ],\n", " [ 3.4921634 ],\n", " [ 1.6523192 ],\n", " [ 3.1811779 ],\n", " [ 3.4734967 ],\n", " [ 2.1260653 ],\n", " [ 3.5958407 ],\n", " [ 2.9439008 ],\n", " [ 3.6507337 ],\n", " [ 3.6144187 ],\n", " [ 2.8634152 ],\n", " [ 3.6932554 ],\n", " [ 3.853349 ],\n", " [ 3.6216934 ],\n", " [ 3.5374365 ],\n", " [ 3.987709 ],\n", " [ 4.4293923 ],\n", " [ 5.1736755 ],\n", " [ 4.4104114 ],\n", " [ 5.536124 ],\n", " [ 4.7690125 ],\n", " [ 4.404314 ],\n", " [ 5.572383 ],\n", " [ 3.9601352 ],\n", " [ 6.6036773 ],\n", " [ 6.19088 ],\n", " [ 5.9167695 ],\n", " [ 5.604014 ],\n", " [ 5.2834077 ],\n", " [ 4.006891 ],\n", " [ 5.4533906 ],\n", " [ 4.5208592 ],\n", " [ 5.4117684 ],\n", " [ 5.428999 ],\n", " [ 6.110529 ],\n", " [ 5.447489 ],\n", " [ 6.7728934 ],\n", " [ 5.4648376 ],\n", " [ 6.59823 ],\n", " [ 6.071002 ],\n", " [ 5.5385265 ],\n", " [ 7.1419086 ],\n", " [ 6.9606433 ],\n", " [ 7.5405817 ],\n", " [ 7.128233 ],\n", " [ 7.7651386 ],\n", " [ 5.5536323 ],\n", " [ 7.583053 ],\n", " [ 7.704013 ],\n", " [ 7.143061 ],\n", " [ 8.173438 ],\n", " [ 7.1875925 ],\n", " [ 8.414845 ],\n", " [ 7.929265 ],\n", " [ 8.684554 ],\n", " [ 6.481855 ],\n", " [ 8.5045805 ],\n", " [ 8.204674 ],\n", " [ 8.25327 ],\n", " [ 8.807094 ],\n", " [ 6.9476953 ],\n", " [ 8.430737 ],\n", " [ 7.992282 ],\n", " [ 8.302034 ],\n", " [ 7.5171456 ],\n", " [ 8.570102 ],\n", " [ 9.038943 ],\n", " [ 9.328083 ],\n", " [ 8.266303 ],\n", " [ 9.901235 ],\n", " [ 8.946648 ],\n", " [ 9.594802 ],\n", " [ 9.372537 ],\n", " [10.381512 ],\n", " [ 9.0773735 ],\n", " [10.444914 ],\n", " [ 9.444857 ],\n", " [10.153716 ],\n", " [10.981686 ],\n", " [10.031941 ],\n", " [ 9.314265 ],\n", " [10.922601 ],\n", " [10.22268 ],\n", " [ 9.720872 ],\n", " [10.816328 ],\n", " [10.92964 ],\n", " [10.761745 ],\n", " [12.085495 ],\n", " [11.029137 ],\n", " [11.154362 ],\n", " [10.98398 ],\n", " [12.362858 ],\n", " [11.775431 ],\n", " [11.209949 ],\n", " [11.518901 ],\n", " [10.614978 ],\n", " [11.96264 ],\n", " [12.514613 ],\n", " [12.072605 ],\n", " [11.743926 ],\n", " [10.2127 ],\n", " [11.868383 ],\n", " [11.499858 ],\n", " [13.030048 ],\n", " [12.286285 ],\n", " [13.26939 ],\n", " [13.827787 ],\n", " [12.481334 ],\n", " [12.21403 ],\n", " [12.623926 ],\n", " [12.594193 ],\n", " [14.126303 ],\n", " [13.941768 ],\n", " [12.681812 ],\n", " [12.080012 ],\n", " [14.057165 ],\n", " [14.666661 ],\n", " [13.289657 ]], dtype=float32)" ] }, "execution_count": 6, "metadata": {}, "output_type": "execute_result" } ], "source": [ "model.predict(x_tst) # <--- this is what happens internally. It returns a tensor instead of a distribution we can sample from" ] }, { "cell_type": "code", "execution_count": 7, "metadata": {}, "outputs": [], "source": [ "# model.save('model1.h5')" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "_This method of saving has some problems..._" ] }, { "cell_type": "code", "execution_count": 8, "metadata": {}, "outputs": [], "source": [ "import h5py" ] }, { "cell_type": "code", "execution_count": 9, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "rm: cannot remove ‘models’: No such file or directory\n" ] } ], "source": [ "!rm -r models\n", "!mkdir models" ] }, { "cell_type": "code", "execution_count": 10, "metadata": {}, "outputs": [], "source": [ "model_name = 'reg1'\n", "file = h5py.File('{}.h5'.format(model_name), 'w')\n", "weight = model.get_weights()\n", "for i in range(len(weight)):\n", " file.create_dataset('weight' + str(i), data=weight[i])\n", "file.close()" ] }, { "cell_type": "code", "execution_count": 11, "metadata": {}, "outputs": [], "source": [ "negloglik = lambda y, rv_y: -rv_y.log_prob(y)\n", "newmodel = tf.keras.Sequential([\n", " tf.keras.layers.Dense(1 + 1),\n", " tfp.layers.DistributionLambda(\n", " lambda t: tfd.Normal(loc=t[..., :1],\n", " scale=1e-3 + tf.math.softplus(0.05 * t[...,1:]))),\n", "])" ] }, { "cell_type": "code", "execution_count": 12, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "(150, 1)" ] }, "execution_count": 12, "metadata": {}, "output_type": "execute_result" } ], "source": [ "x_tst.shape" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Reload model to see if it is saved correctly" ] }, { "cell_type": "code", "execution_count": 13, "metadata": {}, "outputs": [], "source": [ "file = h5py.File('{}.h5'.format(model_name), 'r')\n", "weight = []\n", "for i in range(len(file.keys())):\n", " weight.append(file['weight' + str(i)][:])\n", "\n", "newmodel.build(input_shape = (150,1))\n", "newmodel.set_weights(weight)" ] }, { "cell_type": "code", "execution_count": 14, "metadata": {}, "outputs": [], "source": [ "y_tst = newmodel(x_tst)" ] }, { "cell_type": "code", "execution_count": 15, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "{'_parameters': {'loc': ,\n", " 'scale': ,\n", " 'validate_args': False,\n", " 'allow_nan_stats': True,\n", " 'name': 'Normal'},\n", " '_concrete_value': ,\n", " '_convert_to_tensor_fn': ,\n", " '_self_setattr_tracking': True,\n", " '_self_unconditional_checkpoint_dependencies': [TrackableReference(name=tensor_distribution, ref=tfp.distributions.Normal(\"Normal\", batch_shape=[150, 1], event_shape=[], dtype=float32)),\n", " TrackableReference(name=_graph_parents, ref=ListWrapper([]))],\n", " '_self_unconditional_dependency_names': {'tensor_distribution': ,\n", " '_graph_parents': ListWrapper([])},\n", " '_self_unconditional_deferred_dependencies': {},\n", " '_self_update_uid': -1,\n", " '_self_name_based_restores': set(),\n", " '_self_saveable_object_factories': {},\n", " 'tensor_distribution': ,\n", " '_name': 'tensor_coercible',\n", " '_name_scope': ,\n", " '_constructor_name_scope': 'sequential_1/distribution_lambda_1/tensor_coercible/',\n", " '_dtype': tf.float32,\n", " '_reparameterization_type': ,\n", " '_allow_nan_stats': True,\n", " '_validate_args': False,\n", " '_parameters_sanitized': False,\n", " '_graph_parents': ListWrapper([]),\n", " '_defer_all_assertions': False,\n", " '_initial_parameter_control_dependencies': (),\n", " '_shape': TensorShape([150, 1]),\n", " 'get_shape': >}" ] }, "execution_count": 15, "metadata": {}, "output_type": "execute_result" } ], "source": [ "y_tst.__dict__" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Try with Ezsmdeploy" ] }, { "cell_type": "code", "execution_count": 16, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Writing tfp_predict_script.py\n" ] } ], "source": [ "%%writefile tfp_predict_script.py\n", "import tensorflow as tf\n", "import tensorflow_probability as tfp\n", "import numpy as np\n", "import json\n", "import h5py\n", "import os\n", "tfd = tfp.distributions\n", "\n", "#Return loaded model\n", "def load_model(modelpath):\n", "\n", " # (re)Defne model\n", " negloglik = lambda y, rv_y: -rv_y.log_prob(y)\n", " model = tf.keras.Sequential([\n", " tf.keras.layers.Dense(1 + 1),\n", " tfp.layers.DistributionLambda(\n", " lambda t: tfd.Normal(loc=t[..., :1],\n", " scale=1e-3 + tf.math.softplus(0.05 * t[...,1:]))),\n", " ])\n", "\n", "\n", " # Load model\n", " print(\"1. Listing files in modelpath\")\n", " print(os.listdir(modelpath))\n", " \n", " print(\"2. Loading h5 file\")\n", " file = h5py.File(os.path.join(modelpath,'reg1.h5'), 'r')\n", " \n", " print(\"3. Loading weights\")\n", " weight = []\n", " for i in range(len(file.keys())):\n", " weight.append(file['weight' + str(i)][:])\n", "\n", " model.build(input_shape = (150,1))\n", " model.set_weights(weight)\n", " \n", " print(\"4. Loaded model successfully\")\n", " \n", " return model\n", "\n", "# return prediction based on loaded model (from the step above) and an input payload\n", "def predict(model, payload):\n", " try:\n", " # Note, for Multi model endpoints -> (payload[0]['body'].decode())\n", " data = np.frombuffer(payload,dtype=np.float32).reshape((150,1))\n", " tmpout = model(data)\n", " \n", " #Add outputs here !!\n", " \n", " out = {\n", " 'mean':np.asarray(tmpout.mean()).T.tolist(),\n", " 'mode':np.asarray(tmpout.mode()).T.tolist(),\n", " 'stddev':np.asarray(tmpout.stddev()).T.tolist(),\n", " 'quantile_75':np.asarray(tmpout.quantile(0.75)).T.tolist()\n", " }\n", " \n", " except Exception as e:\n", " out = str(e)\n", " return [json.dumps({'output':out})]" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Does this work Locally in the notebook?" ] }, { "cell_type": "code", "execution_count": 17, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "1. Listing files in modelpath\n", "['reg1.h5', 'mobilenet_v1_1.0_224_quant.tflite', '.ipynb_checkpoints', '__pycache__', 'modelscript_sklearn.py', 'labels_mobilenet_quant_v1_224.txt', 'modelscript_pytorch.py', 'Using ezsmdeploy for sklearn ensemble deployments.ipynb', 'Using ezsmdeploy for mxnet deployments.ipynb', 'src', 'input.html', 'model1.tar.gz', 'tmpmodel', 'extractedmodel', 'svm.joblib', 'downloads', 'cart.joblib', 'tfp_predict_script.py', 'Using ezsmdeploy for tensorflow deployments.ipynb', 'tensorflow-serving-TF-probability-python-sdk.ipynb', 'modelscript_ensemble_sklearn.py', 'logistic.joblib', 'model2.tar.gz', 'model.tar.gz', 'modelscript_mxnet.py', 'Using ezsmdeploy for tensorflow lite deployments.ipynb', 'modelscript_tensorflow.py', 'ensemble.joblib', 'models', 'dog-1.jpg', 'modelscript_tensorflow_lite.py', 'Using ezsmdeploy for pytorch deployments.ipynb', 'Using ezsmdeploy for sklearn deployments.ipynb', 'model.pth']\n", "2. Loading h5 file\n", "3. Loading weights\n", "4. Loaded model successfully\n" ] } ], "source": [ "from tfp_predict_script import *\n", "model = load_model('./')" ] }, { "cell_type": "code", "execution_count": 18, "metadata": { "scrolled": true }, "outputs": [ { "data": { "text/plain": [ "['{\"output\": {\"mean\": [[-0.8032968044281006, -0.7043380737304688, -0.6053791046142578, -0.506420373916626, -0.40746140480041504, -0.3085026741027832, -0.20954418182373047, -0.11058521270751953, -0.011626243591308594, 0.08733248710632324, 0.18629121780395508, 0.285250186920166, 0.38420891761779785, 0.4831678867340088, 0.5821268558502197, 0.6810853481292725, 0.7800443172454834, 0.8790030479431152, 0.9779620170593262, 1.0769208669662476, 1.175879716873169, 1.2748383283615112, 1.3737971782684326, 1.472756028175354, 1.5717148780822754, 1.6706737279891968, 1.7696325778961182, 1.8685914278030396, 1.9675501585006714, 2.0665090084075928, 2.1654677391052246, 2.2644267082214355, 2.3633854389190674, 2.4623444080352783, 2.56130313873291, 2.660261869430542, 2.759220838546753, 2.8581795692443848, 2.9571385383605957, 3.0560972690582275, 3.1550559997558594, 3.2540149688720703, 3.352973699569702, 3.451932430267334, 3.550891399383545, 3.6498501300811768, 3.7488090991973877, 3.8477678298950195, 3.9467267990112305, 4.045685768127441, 4.144644260406494, 4.243603229522705, 4.342561721801758, 4.441520690917969, 4.54047966003418, 4.639438629150391, 4.738397121429443, 4.837356090545654, 4.936314582824707, 5.035273551940918, 5.134232521057129, 5.23319149017334, 5.332150459289551, 5.4311089515686035, 5.5300679206848145, 5.629026412963867, 5.727985382080078, 5.826944351196289, 5.9259033203125, 6.024862289428711, 6.123820781707764, 6.222779750823975, 6.321738243103027, 6.420697212219238, 6.519656181335449, 6.618614673614502, 6.717573642730713, 6.816532135009766, 6.915491104125977, 7.0144500732421875, 7.113409042358398, 7.212368011474609, 7.311326503753662, 7.410285472869873, 7.509244441986084, 7.608203411102295, 7.707161903381348, 7.806120872497559, 7.905079364776611, 8.004037857055664, 8.102996826171875, 8.201955795288086, 8.300914764404297, 8.399873733520508, 8.498832702636719, 8.59779167175293, 8.69675064086914, 8.795708656311035, 8.894668579101562, 8.993626594543457, 9.092585563659668, 9.191543579101562, 9.29050350189209, 9.389461517333984, 9.488420486450195, 9.587379455566406, 9.686338424682617, 9.785297393798828, 9.884256362915039, 9.98321533203125, 10.082173347473145, 10.181133270263672, 10.280091285705566, 10.379051208496094, 10.478009223937988, 10.576967239379883, 10.675926208496094, 10.774885177612305, 10.873844146728516, 10.972803115844727, 11.071762084960938, 11.170721054077148, 11.26968002319336, 11.368638038635254, 11.467597961425781, 11.566555976867676, 11.665514945983887, 11.764473915100098, 11.863431930541992, 11.96239185333252, 12.061349868774414, 12.160308837890625, 12.259267807006836, 12.358226776123047, 12.457185745239258, 12.556144714355469, 12.655102729797363, 12.75406265258789, 12.853020668029785, 12.951979637145996, 13.050938606262207, 13.149896621704102, 13.248856544494629, 13.347814559936523, 13.446773529052734, 13.545732498168945, 13.644691467285156, 13.743650436401367, 13.842609405517578, 13.941567420959473]], \"mode\": [[-0.8032968044281006, -0.7043380737304688, -0.6053791046142578, -0.506420373916626, -0.40746140480041504, -0.3085026741027832, -0.20954418182373047, -0.11058521270751953, -0.011626243591308594, 0.08733248710632324, 0.18629121780395508, 0.285250186920166, 0.38420891761779785, 0.4831678867340088, 0.5821268558502197, 0.6810853481292725, 0.7800443172454834, 0.8790030479431152, 0.9779620170593262, 1.0769208669662476, 1.175879716873169, 1.2748383283615112, 1.3737971782684326, 1.472756028175354, 1.5717148780822754, 1.6706737279891968, 1.7696325778961182, 1.8685914278030396, 1.9675501585006714, 2.0665090084075928, 2.1654677391052246, 2.2644267082214355, 2.3633854389190674, 2.4623444080352783, 2.56130313873291, 2.660261869430542, 2.759220838546753, 2.8581795692443848, 2.9571385383605957, 3.0560972690582275, 3.1550559997558594, 3.2540149688720703, 3.352973699569702, 3.451932430267334, 3.550891399383545, 3.6498501300811768, 3.7488090991973877, 3.8477678298950195, 3.9467267990112305, 4.045685768127441, 4.144644260406494, 4.243603229522705, 4.342561721801758, 4.441520690917969, 4.54047966003418, 4.639438629150391, 4.738397121429443, 4.837356090545654, 4.936314582824707, 5.035273551940918, 5.134232521057129, 5.23319149017334, 5.332150459289551, 5.4311089515686035, 5.5300679206848145, 5.629026412963867, 5.727985382080078, 5.826944351196289, 5.9259033203125, 6.024862289428711, 6.123820781707764, 6.222779750823975, 6.321738243103027, 6.420697212219238, 6.519656181335449, 6.618614673614502, 6.717573642730713, 6.816532135009766, 6.915491104125977, 7.0144500732421875, 7.113409042358398, 7.212368011474609, 7.311326503753662, 7.410285472869873, 7.509244441986084, 7.608203411102295, 7.707161903381348, 7.806120872497559, 7.905079364776611, 8.004037857055664, 8.102996826171875, 8.201955795288086, 8.300914764404297, 8.399873733520508, 8.498832702636719, 8.59779167175293, 8.69675064086914, 8.795708656311035, 8.894668579101562, 8.993626594543457, 9.092585563659668, 9.191543579101562, 9.29050350189209, 9.389461517333984, 9.488420486450195, 9.587379455566406, 9.686338424682617, 9.785297393798828, 9.884256362915039, 9.98321533203125, 10.082173347473145, 10.181133270263672, 10.280091285705566, 10.379051208496094, 10.478009223937988, 10.576967239379883, 10.675926208496094, 10.774885177612305, 10.873844146728516, 10.972803115844727, 11.071762084960938, 11.170721054077148, 11.26968002319336, 11.368638038635254, 11.467597961425781, 11.566555976867676, 11.665514945983887, 11.764473915100098, 11.863431930541992, 11.96239185333252, 12.061349868774414, 12.160308837890625, 12.259267807006836, 12.358226776123047, 12.457185745239258, 12.556144714355469, 12.655102729797363, 12.75406265258789, 12.853020668029785, 12.951979637145996, 13.050938606262207, 13.149896621704102, 13.248856544494629, 13.347814559936523, 13.446773529052734, 13.545732498168945, 13.644691467285156, 13.743650436401367, 13.842609405517578, 13.941567420959473]], \"stddev\": [[0.7418347597122192, 0.7414317727088928, 0.7410290241241455, 0.7406263947486877, 0.7402238249778748, 0.7398214936256409, 0.7394192218780518, 0.7390171885490417, 0.7386152148246765, 0.7382134199142456, 0.737811803817749, 0.7374103665351868, 0.7370089292526245, 0.7366077303886414, 0.7362067103385925, 0.735805869102478, 0.7354050278663635, 0.7350044846534729, 0.734604001045227, 0.7342037558555603, 0.7338036894798279, 0.7334036231040955, 0.7330037951469421, 0.7326040267944336, 0.7322044968605042, 0.7318050265312195, 0.7314057946205139, 0.7310066819190979, 0.7306077480316162, 0.7302089929580688, 0.7298102378845215, 0.7294116616249084, 0.7290133237838745, 0.7286151051521301, 0.7282170057296753, 0.7278191447257996, 0.7274212837219238, 0.7270236611366272, 0.7266261577606201, 0.7262288331985474, 0.7258316278457642, 0.7254346013069153, 0.725037693977356, 0.7246410250663757, 0.7242443561553955, 0.7238479256629944, 0.7234516143798828, 0.7230554223060608, 0.7226594686508179, 0.7222636342048645, 0.7218679189682007, 0.7214723229408264, 0.7210769653320312, 0.7206816673278809, 0.7202865481376648, 0.7198915481567383, 0.7194968461990356, 0.7191020846366882, 0.7187076210975647, 0.7183131575584412, 0.7179189324378967, 0.7175248861312866, 0.7171310186386108, 0.7167372107505798, 0.7163435816764832, 0.7159501314163208, 0.7155566811561584, 0.7151634693145752, 0.714770495891571, 0.7143776416778564, 0.7139848470687866, 0.7135922312736511, 0.7131997346878052, 0.7128075361251831, 0.712415337562561, 0.7120233178138733, 0.7116314768791199, 0.7112398147583008, 0.7108482122421265, 0.7104567885398865, 0.7100655436515808, 0.7096744775772095, 0.7092834711074829, 0.7088927030563354, 0.7085019946098328, 0.7081115245819092, 0.7077211141586304, 0.7073310017585754, 0.7069408893585205, 0.7065509557723999, 0.7061611413955688, 0.7057715058326721, 0.7053821086883545, 0.7049927115440369, 0.7046035528182983, 0.7042145133018494, 0.7038256525993347, 0.7034369111061096, 0.7030482292175293, 0.7026597857475281, 0.7022714614868164, 0.7018834352493286, 0.7014954686164856, 0.7011075615882874, 0.7007198333740234, 0.7003322839736938, 0.6999448537826538, 0.6995576024055481, 0.6991705298423767, 0.6987835168838501, 0.6983967423439026, 0.6980100870132446, 0.697623610496521, 0.6972371935844421, 0.6968510150909424, 0.6964648962020874, 0.6960790157318115, 0.6956931948661804, 0.6953076124191284, 0.6949220895767212, 0.6945368051528931, 0.6941515803337097, 0.6937665343284607, 0.693381667137146, 0.6929969191551208, 0.6926122903823853, 0.6922279000282288, 0.6918436288833618, 0.6914594769477844, 0.6910754442214966, 0.6906915903091431, 0.6903079152107239, 0.689924418926239, 0.6895409822463989, 0.6891577839851379, 0.688774585723877, 0.6883916854858398, 0.6880089044570923, 0.6876261830329895, 0.687243640422821, 0.6868613362312317, 0.6864790916442871, 0.6860970258712769, 0.6857150793075562, 0.6853333115577698, 0.6849517226219177, 0.6845702528953552, 0.6841889023780823, 0.6838077306747437, 0.6834267377853394]], \"quantile_75\": [[-0.302936851978302, -0.20424991846084595, -0.10556259751319885, -0.006875425577163696, 0.09181201457977295, 0.19049936532974243, 0.2891865372657776, 0.3878743350505829, 0.48656219244003296, 0.5852499008178711, 0.6839377880096436, 0.7826259136199951, 0.8813139200210571, 0.9800022840499878, 1.078690767288208, 1.1773788928985596, 1.2760674953460693, 1.374756097793579, 1.473444938659668, 1.5721337795257568, 1.6708228588104248, 1.7695115804672241, 1.8682007789611816, 1.9668899774551392, 2.065579414367676, 2.164268732070923, 2.262958288192749, 2.3616480827331543, 2.4603376388549805, 2.5590274333953857, 2.657717227935791, 2.7564074993133545, 2.855097532272339, 2.9537878036499023, 3.052478075027466, 3.1511683464050293, 3.249859094619751, 3.3485496044158936, 3.4472403526306152, 3.545931339263916, 3.6446220874786377, 3.7433133125305176, 3.8420042991638184, 3.940695285797119, 4.039386749267578, 4.138078212738037, 4.236769676208496, 4.335461139678955, 4.434153079986572, 4.5328450202941895, 4.631536960601807, 4.730228900909424, 4.828920841217041, 4.927613258361816, 5.026305675506592, 5.124998092651367, 5.223690509796143, 5.322382926940918, 5.421075344085693, 5.519768238067627, 5.618461608886719, 5.717154502868652, 5.815847873687744, 5.914540767669678, 6.0132341384887695, 6.111927509307861, 6.210620880126953, 6.309314727783203, 6.408008575439453, 6.506702899932861, 6.605396270751953, 6.704090595245361, 6.802783966064453, 6.9014787673950195, 7.000173091888428, 7.098866939544678, 7.197561740875244, 7.296256065368652, 7.394950866699219, 7.493646144866943, 7.59234094619751, 7.691036224365234, 7.789731025695801, 7.888426303863525, 7.98712158203125, 8.085817337036133, 8.1845121383667, 8.283208847045898, 8.381903648376465, 8.480599403381348, 8.57929515838623, 8.67799186706543, 8.776687622070312, 8.875384330749512, 8.974081039428711, 9.072776794433594, 9.171473503112793, 9.270169258117676, 9.368867874145508, 9.46756362915039, 9.56626033782959, 9.664957046508789, 9.763654708862305, 9.862351417541504, 9.96104907989502, 10.059746742248535, 10.15844440460205, 10.257142066955566, 10.355839729309082, 10.454537391662598, 10.553235054016113, 10.651933670043945, 10.750631332397461, 10.84933090209961, 10.948028564453125, 11.046725273132324, 11.145424842834473, 11.244123458862305, 11.342822074890137, 11.441520690917969, 11.540220260620117, 11.63891887664795, 11.737618446350098, 11.83631706237793, 11.935017585754395, 12.033716201782227, 12.132415771484375, 12.231115341186523, 12.329813957214355, 12.428515434265137, 12.527214050292969, 12.625914573669434, 12.724615097045898, 12.823314666748047, 12.922015190124512, 13.020715713500977, 13.119416236877441, 13.218117713928223, 13.316817283630371, 13.415518760681152, 13.514219284057617, 13.612919807434082, 13.71162223815918, 13.810322761535645, 13.909024238586426, 14.007725715637207, 14.106427192687988, 14.20512866973877, 14.303831100463867, 14.402531623840332]]}}']" ] }, "execution_count": 18, "metadata": {}, "output_type": "execute_result" } ], "source": [ "predict(model,x_tst.tobytes())" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Deploy locally in a container" ] }, { "cell_type": "code", "execution_count": 19, "metadata": {}, "outputs": [], "source": [ "import ezsmdeploy" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "Match versions used in your notebook to make sure the endpoint deploys correctly!" ] }, { "cell_type": "code", "execution_count": 20, "metadata": {}, "outputs": [], "source": [ "# !pip show numpy tensorflow tensorflow-probability h5py" ] }, { "cell_type": "code", "execution_count": 21, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "\u001b[K0:00:00.003546 | compressed model(s)\n", "\u001b[K0:00:00.095385 | uploaded model tarball(s) ; check returned modelpath\n", "\u001b[K0:00:00.095838 | added requirements file\n", "\u001b[K0:00:00.097071 | added source file\n", "\u001b[K0:00:00.097974 | added Dockerfile\n", "\u001b[K0:00:00.099575 | added model_handler and docker utils\n", "\u001b[K0:00:00.099654 | building docker container\n", "\u001b[32m∙∙∙\u001b[0m \u001b[K" ] }, { "name": "stderr", "output_type": "stream", "text": [ "WARNING! Your password will be stored unencrypted in /root/.docker/config.json.\n", "Configure a credential helper to remove this warning. See\n", "https://docs.docker.com/engine/reference/commandline/login/#credentials-store\n", "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\u001b[32m∙∙∙\u001b[0m \u001b[K" ] }, { "name": "stderr", "output_type": "stream", "text": [ "Sending build context to Docker daemon 19.97kB\n", "Step 1/16 : FROM ubuntu:18.04\n", "18.04: Pulling from library/ubuntu\n", "7c457f213c76: Pulling fs layer\n", "7c457f213c76: Verifying Checksum\n", "7c457f213c76: Download complete\n", "7c457f213c76: Pull complete\n", "Digest: sha256:152dc042452c496007f07ca9127571cb9c29697f42acbfad72324b2bb2e43c98\n", "Status: Downloaded newer image for ubuntu:18.04\n", " ---> f9a80a55f492\n", "Step 2/16 : RUN apt -y update && apt -y upgrade && apt-get -y install curl && curl -sL https://deb.nodesource.com/setup_12.x | bash - && apt install nodejs -y && npm install -g @bazel/bazelisk\n", " ---> Running in ec7514646d7c\n", "\u001b[91m\n", "WARNING: apt does not have a stable CLI interface. Use with caution in scripts.\n", "\n", "\u001b[0mGet:1 http://archive.ubuntu.com/ubuntu bionic InRelease [242 kB]\n", "Get:2 http://archive.ubuntu.com/ubuntu bionic-updates InRelease [88.7 kB]\n", "Get:3 http://archive.ubuntu.com/ubuntu bionic-backports InRelease [83.3 kB]\n", "Get:4 http://security.ubuntu.com/ubuntu bionic-security InRelease [88.7 kB]\n", "Get:5 http://archive.ubuntu.com/ubuntu bionic/universe amd64 Packages [11.3 MB]\n", "Get:6 http://archive.ubuntu.com/ubuntu bionic/multiverse amd64 Packages [186 kB]\n", "Get:7 http://archive.ubuntu.com/ubuntu bionic/main amd64 Packages [1344 kB]\n", "Get:8 http://archive.ubuntu.com/ubuntu bionic/restricted amd64 Packages [13.5 kB]\n", "Get:9 http://archive.ubuntu.com/ubuntu bionic-updates/universe amd64 Packages [2407 kB]\n", "Get:10 http://archive.ubuntu.com/ubuntu bionic-updates/multiverse amd64 Packages [30.8 kB]\n", "Get:11 http://archive.ubuntu.com/ubuntu bionic-updates/restricted amd64 Packages [1709 kB]\n", "Get:12 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 Packages [3771 kB]\n", "Get:13 http://archive.ubuntu.com/ubuntu bionic-backports/main amd64 Packages [64.0 kB]\n", "Get:14 http://archive.ubuntu.com/ubuntu bionic-backports/universe amd64 Packages [20.6 kB]\n", "Get:15 http://security.ubuntu.com/ubuntu bionic-security/universe amd64 Packages [1635 kB]\n", "Get:16 http://security.ubuntu.com/ubuntu bionic-security/multiverse amd64 Packages [23.8 kB]\n", "Get:17 http://security.ubuntu.com/ubuntu bionic-security/main amd64 Packages [3358 kB]\n", "Get:18 http://security.ubuntu.com/ubuntu bionic-security/restricted amd64 Packages [1668 kB]\n", "Fetched 28.1 MB in 2s (12.7 MB/s)\n", "Reading package lists...\n", "Building dependency tree...\n", "Reading state information...\n", "All packages are up to date.\n", "\u001b[91m\n", "WARNING: apt does not have a stable CLI interface. Use with caution in scripts.\n", "\n", "\u001b[0mReading package lists...\n", "Building dependency tree...\n", "Reading state information...\n", "Calculating upgrade...\n", "0 upgraded, 0 newly installed, 0 to remove and 0 not upgraded.\n", "Reading package lists...\n", "Building dependency tree...\n", "Reading state information...\n", "The following additional packages will be installed:\n", " ca-certificates krb5-locales libasn1-8-heimdal libcurl4 libgssapi-krb5-2\n", " libgssapi3-heimdal libhcrypto4-heimdal libheimbase1-heimdal\n", " libheimntlm0-heimdal libhx509-5-heimdal libk5crypto3 libkeyutils1\n", " libkrb5-26-heimdal libkrb5-3 libkrb5support0 libldap-2.4-2 libldap-common\n", " libnghttp2-14 libpsl5 libroken18-heimdal librtmp1 libsasl2-2\n", " libsasl2-modules libsasl2-modules-db libsqlite3-0 libssl1.1 libwind0-heimdal\n", " openssl publicsuffix\n", "Suggested packages:\n", " krb5-doc krb5-user libsasl2-modules-gssapi-mit\n", " | libsasl2-modules-gssapi-heimdal libsasl2-modules-ldap libsasl2-modules-otp\n", " libsasl2-modules-sql\n", "The following NEW packages will be installed:\n", " ca-certificates curl krb5-locales libasn1-8-heimdal libcurl4\n", " libgssapi-krb5-2 libgssapi3-heimdal libhcrypto4-heimdal libheimbase1-heimdal\n", " libheimntlm0-heimdal libhx509-5-heimdal libk5crypto3 libkeyutils1\n", " libkrb5-26-heimdal libkrb5-3 libkrb5support0 libldap-2.4-2 libldap-common\n", " libnghttp2-14 libpsl5 libroken18-heimdal librtmp1 libsasl2-2\n", " libsasl2-modules libsasl2-modules-db libsqlite3-0 libssl1.1 libwind0-heimdal\n", " openssl publicsuffix\n", "0 upgraded, 30 newly installed, 0 to remove and 0 not upgraded.\n", "Need to get 4845 kB of archives.\n", "After this operation, 14.8 MB of additional disk space will be used.\n", "Get:1 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libssl1.1 amd64 1.1.1-1ubuntu2.1~18.04.23 [1303 kB]\n", "Get:2 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 openssl amd64 1.1.1-1ubuntu2.1~18.04.23 [614 kB]\n", "Get:3 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 ca-certificates all 20230311ubuntu0.18.04.1 [151 kB]\n", "Get:4 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libsqlite3-0 amd64 3.22.0-1ubuntu0.7 [499 kB]\n", "Get:5 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 krb5-locales all 1.16-2ubuntu0.4 [13.4 kB]\n", "Get:6 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libkrb5support0 amd64 1.16-2ubuntu0.4 [30.9 kB]\n", "Get:7 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libk5crypto3 amd64 1.16-2ubuntu0.4 [85.3 kB]\n", "Get:8 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libkeyutils1 amd64 1.5.9-9.2ubuntu2.1 [8764 B]\n", "Get:9 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libkrb5-3 amd64 1.16-2ubuntu0.4 [278 kB]\n", "Get:10 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libgssapi-krb5-2 amd64 1.16-2ubuntu0.4 [122 kB]\n", "Get:11 http://archive.ubuntu.com/ubuntu bionic/main amd64 libpsl5 amd64 0.19.1-5build1 [41.8 kB]\n", "Get:12 http://archive.ubuntu.com/ubuntu bionic/main amd64 publicsuffix all 20180223.1310-1 [97.6 kB]\n", "Get:13 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libroken18-heimdal amd64 7.5.0+dfsg-1ubuntu0.4 [42.3 kB]\n", "Get:14 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libasn1-8-heimdal amd64 7.5.0+dfsg-1ubuntu0.4 [175 kB]\n", "Get:15 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libheimbase1-heimdal amd64 7.5.0+dfsg-1ubuntu0.4 [30.3 kB]\n", "Get:16 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libhcrypto4-heimdal amd64 7.5.0+dfsg-1ubuntu0.4 [85.9 kB]\n", "Get:17 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libwind0-heimdal amd64 7.5.0+dfsg-1ubuntu0.4 [48.0 kB]\n", "Get:18 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libhx509-5-heimdal amd64 7.5.0+dfsg-1ubuntu0.4 [107 kB]\n", "Get:19 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libkrb5-26-heimdal amd64 7.5.0+dfsg-1ubuntu0.4 [207 kB]\n", "Get:20 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libheimntlm0-heimdal amd64 7.5.0+dfsg-1ubuntu0.4 [14.8 kB]\n", "Get:21 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libgssapi3-heimdal amd64 7.5.0+dfsg-1ubuntu0.4 [96.7 kB]\n", "Get:22 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libsasl2-modules-db amd64 2.1.27~101-g0780600+dfsg-3ubuntu2.4 [15.0 kB]\n", "Get:23 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libsasl2-2 amd64 2.1.27~101-g0780600+dfsg-3ubuntu2.4 [49.2 kB]\n", "Get:24 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libldap-common all 2.4.45+dfsg-1ubuntu1.11 [15.8 kB]\n", "Get:25 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libldap-2.4-2 amd64 2.4.45+dfsg-1ubuntu1.11 [154 kB]\n", "Get:26 http://archive.ubuntu.com/ubuntu bionic/main amd64 libnghttp2-14 amd64 1.30.0-1ubuntu1 [77.8 kB]\n", "Get:27 http://archive.ubuntu.com/ubuntu bionic/main amd64 librtmp1 amd64 2.4+20151223.gitfa8646d.1-1 [54.2 kB]\n", "Get:28 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libcurl4 amd64 7.58.0-2ubuntu3.24 [221 kB]\n", "Get:29 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 curl amd64 7.58.0-2ubuntu3.24 [159 kB]\n", "Get:30 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libsasl2-modules amd64 2.1.27~101-g0780600+dfsg-3ubuntu2.4 [48.9 kB]\n", "\u001b[91mdebconf: delaying package configuration, since apt-utils is not installed\n", "\u001b[0mFetched 4845 kB in 2s (2172 kB/s)\n", "Selecting previously unselected package libssl1.1:amd64.\n", "(Reading database ... 4050 files and directories currently installed.)\n", "Preparing to unpack .../00-libssl1.1_1.1.1-1ubuntu2.1~18.04.23_amd64.deb ...\n", "Unpacking libssl1.1:amd64 (1.1.1-1ubuntu2.1~18.04.23) ...\n", "Selecting previously unselected package openssl.\n", "Preparing to unpack .../01-openssl_1.1.1-1ubuntu2.1~18.04.23_amd64.deb ...\n", "Unpacking openssl (1.1.1-1ubuntu2.1~18.04.23) ...\n", "Selecting previously unselected package ca-certificates.\n", "Preparing to unpack .../02-ca-certificates_20230311ubuntu0.18.04.1_all.deb ...\n", "Unpacking ca-certificates (20230311ubuntu0.18.04.1) ...\n", "Selecting previously unselected package libsqlite3-0:amd64.\n", "Preparing to unpack .../03-libsqlite3-0_3.22.0-1ubuntu0.7_amd64.deb ...\n", "Unpacking libsqlite3-0:amd64 (3.22.0-1ubuntu0.7) ...\n", "Selecting previously unselected package krb5-locales.\n", "Preparing to unpack .../04-krb5-locales_1.16-2ubuntu0.4_all.deb ...\n", "Unpacking krb5-locales (1.16-2ubuntu0.4) ...\n", "Selecting previously unselected package libkrb5support0:amd64.\n", "Preparing to unpack .../05-libkrb5support0_1.16-2ubuntu0.4_amd64.deb ...\n", "Unpacking libkrb5support0:amd64 (1.16-2ubuntu0.4) ...\n", "Selecting previously unselected package libk5crypto3:amd64.\n", "Preparing to unpack .../06-libk5crypto3_1.16-2ubuntu0.4_amd64.deb ...\n", "Unpacking libk5crypto3:amd64 (1.16-2ubuntu0.4) ...\n", "Selecting previously unselected package libkeyutils1:amd64.\n", "Preparing to unpack .../07-libkeyutils1_1.5.9-9.2ubuntu2.1_amd64.deb ...\n", "Unpacking libkeyutils1:amd64 (1.5.9-9.2ubuntu2.1) ...\n", "Selecting previously unselected package libkrb5-3:amd64.\n", "Preparing to unpack .../08-libkrb5-3_1.16-2ubuntu0.4_amd64.deb ...\n", "Unpacking libkrb5-3:amd64 (1.16-2ubuntu0.4) ...\n", "Selecting previously unselected package libgssapi-krb5-2:amd64.\n", "Preparing to unpack .../09-libgssapi-krb5-2_1.16-2ubuntu0.4_amd64.deb ...\n", "Unpacking libgssapi-krb5-2:amd64 (1.16-2ubuntu0.4) ...\n", "Selecting previously unselected package libpsl5:amd64.\n", "Preparing to unpack .../10-libpsl5_0.19.1-5build1_amd64.deb ...\n", "Unpacking libpsl5:amd64 (0.19.1-5build1) ...\n", "Selecting previously unselected package publicsuffix.\n", "Preparing to unpack .../11-publicsuffix_20180223.1310-1_all.deb ...\n", "Unpacking publicsuffix (20180223.1310-1) ...\n", "Selecting previously unselected package libroken18-heimdal:amd64.\n", "Preparing to unpack .../12-libroken18-heimdal_7.5.0+dfsg-1ubuntu0.4_amd64.deb ...\n", "Unpacking libroken18-heimdal:amd64 (7.5.0+dfsg-1ubuntu0.4) ...\n", "Selecting previously unselected package libasn1-8-heimdal:amd64.\n", "Preparing to unpack .../13-libasn1-8-heimdal_7.5.0+dfsg-1ubuntu0.4_amd64.deb ...\n", "Unpacking libasn1-8-heimdal:amd64 (7.5.0+dfsg-1ubuntu0.4) ...\n", "Selecting previously unselected package libheimbase1-heimdal:amd64.\n", "Preparing to unpack .../14-libheimbase1-heimdal_7.5.0+dfsg-1ubuntu0.4_amd64.deb ...\n", "Unpacking libheimbase1-heimdal:amd64 (7.5.0+dfsg-1ubuntu0.4) ...\n", "Selecting previously unselected package libhcrypto4-heimdal:amd64.\n", "Preparing to unpack .../15-libhcrypto4-heimdal_7.5.0+dfsg-1ubuntu0.4_amd64.deb ...\n", "Unpacking libhcrypto4-heimdal:amd64 (7.5.0+dfsg-1ubuntu0.4) ...\n", "Selecting previously unselected package libwind0-heimdal:amd64.\n", "Preparing to unpack .../16-libwind0-heimdal_7.5.0+dfsg-1ubuntu0.4_amd64.deb ...\n", "Unpacking libwind0-heimdal:amd64 (7.5.0+dfsg-1ubuntu0.4) ...\n", "Selecting previously unselected package libhx509-5-heimdal:amd64.\n", "Preparing to unpack .../17-libhx509-5-heimdal_7.5.0+dfsg-1ubuntu0.4_amd64.deb ...\n", "Unpacking libhx509-5-heimdal:amd64 (7.5.0+dfsg-1ubuntu0.4) ...\n", "Selecting previously unselected package libkrb5-26-heimdal:amd64.\n", "Preparing to unpack .../18-libkrb5-26-heimdal_7.5.0+dfsg-1ubuntu0.4_amd64.deb ...\n", "Unpacking libkrb5-26-heimdal:amd64 (7.5.0+dfsg-1ubuntu0.4) ...\n", "Selecting previously unselected package libheimntlm0-heimdal:amd64.\n", "Preparing to unpack .../19-libheimntlm0-heimdal_7.5.0+dfsg-1ubuntu0.4_amd64.deb ...\n", "Unpacking libheimntlm0-heimdal:amd64 (7.5.0+dfsg-1ubuntu0.4) ...\n", "Selecting previously unselected package libgssapi3-heimdal:amd64.\n", "Preparing to unpack .../20-libgssapi3-heimdal_7.5.0+dfsg-1ubuntu0.4_amd64.deb ...\n", "Unpacking libgssapi3-heimdal:amd64 (7.5.0+dfsg-1ubuntu0.4) ...\n", "Selecting previously unselected package libsasl2-modules-db:amd64.\n", "Preparing to unpack .../21-libsasl2-modules-db_2.1.27~101-g0780600+dfsg-3ubuntu2.4_amd64.deb ...\n", "Unpacking libsasl2-modules-db:amd64 (2.1.27~101-g0780600+dfsg-3ubuntu2.4) ...\n", "Selecting previously unselected package libsasl2-2:amd64.\n", "Preparing to unpack .../22-libsasl2-2_2.1.27~101-g0780600+dfsg-3ubuntu2.4_amd64.deb ...\n", "Unpacking libsasl2-2:amd64 (2.1.27~101-g0780600+dfsg-3ubuntu2.4) ...\n", "Selecting previously unselected package libldap-common.\n", "Preparing to unpack .../23-libldap-common_2.4.45+dfsg-1ubuntu1.11_all.deb ...\n", "Unpacking libldap-common (2.4.45+dfsg-1ubuntu1.11) ...\n", "Selecting previously unselected package libldap-2.4-2:amd64.\n", "Preparing to unpack .../24-libldap-2.4-2_2.4.45+dfsg-1ubuntu1.11_amd64.deb ...\n", "Unpacking libldap-2.4-2:amd64 (2.4.45+dfsg-1ubuntu1.11) ...\n", "Selecting previously unselected package libnghttp2-14:amd64.\n", "Preparing to unpack .../25-libnghttp2-14_1.30.0-1ubuntu1_amd64.deb ...\n", "Unpacking libnghttp2-14:amd64 (1.30.0-1ubuntu1) ...\n", "Selecting previously unselected package librtmp1:amd64.\n", "Preparing to unpack .../26-librtmp1_2.4+20151223.gitfa8646d.1-1_amd64.deb ...\n", "Unpacking librtmp1:amd64 (2.4+20151223.gitfa8646d.1-1) ...\n", "Selecting previously unselected package libcurl4:amd64.\n", "Preparing to unpack .../27-libcurl4_7.58.0-2ubuntu3.24_amd64.deb ...\n", "Unpacking libcurl4:amd64 (7.58.0-2ubuntu3.24) ...\n", "Selecting previously unselected package curl.\n", "Preparing to unpack .../28-curl_7.58.0-2ubuntu3.24_amd64.deb ...\n", "Unpacking curl (7.58.0-2ubuntu3.24) ...\n", "Selecting previously unselected package libsasl2-modules:amd64.\n", "Preparing to unpack .../29-libsasl2-modules_2.1.27~101-g0780600+dfsg-3ubuntu2.4_amd64.deb ...\n", "Unpacking libsasl2-modules:amd64 (2.1.27~101-g0780600+dfsg-3ubuntu2.4) ...\n", "Setting up libnghttp2-14:amd64 (1.30.0-1ubuntu1) ...\n", "Setting up libldap-common (2.4.45+dfsg-1ubuntu1.11) ...\n", "Setting up libpsl5:amd64 (0.19.1-5build1) ...\n", "Setting up libsasl2-modules-db:amd64 (2.1.27~101-g0780600+dfsg-3ubuntu2.4) ...\n", "Setting up libsasl2-2:amd64 (2.1.27~101-g0780600+dfsg-3ubuntu2.4) ...\n", "Setting up libroken18-heimdal:amd64 (7.5.0+dfsg-1ubuntu0.4) ...\n", "Setting up librtmp1:amd64 (2.4+20151223.gitfa8646d.1-1) ...\n", "Setting up libkrb5support0:amd64 (1.16-2ubuntu0.4) ...\n", "Setting up krb5-locales (1.16-2ubuntu0.4) ...\n", "Setting up publicsuffix (20180223.1310-1) ...\n", "Setting up libssl1.1:amd64 (1.1.1-1ubuntu2.1~18.04.23) ...\n", "debconf: unable to initialize frontend: Dialog\n", "debconf: (TERM is not set, so the dialog frontend is not usable.)\n", "debconf: falling back to frontend: Readline\n", "debconf: unable to initialize frontend: Readline\n", "debconf: (Can't locate Term/ReadLine.pm in @INC (you may need to install the Term::ReadLine module) (@INC contains: /etc/perl /usr/local/lib/x86_64-linux-gnu/perl/5.26.1 /usr/local/share/perl/5.26.1 /usr/lib/x86_64-linux-gnu/perl5/5.26 /usr/share/perl5 /usr/lib/x86_64-linux-gnu/perl/5.26 /usr/share/perl/5.26 /usr/local/lib/site_perl /usr/lib/x86_64-linux-gnu/perl-base) at /usr/share/perl5/Debconf/FrontEnd/Readline.pm line 7.)\n", "debconf: falling back to frontend: Teletype\n", "Setting up libheimbase1-heimdal:amd64 (7.5.0+dfsg-1ubuntu0.4) ...\n", "Setting up openssl (1.1.1-1ubuntu2.1~18.04.23) ...\n", "Setting up libsqlite3-0:amd64 (3.22.0-1ubuntu0.7) ...\n", "Setting up libkeyutils1:amd64 (1.5.9-9.2ubuntu2.1) ...\n", "Setting up libsasl2-modules:amd64 (2.1.27~101-g0780600+dfsg-3ubuntu2.4) ...\n", "Setting up ca-certificates (20230311ubuntu0.18.04.1) ...\n", "debconf: unable to initialize frontend: Dialog\n", "debconf: (TERM is not set, so the dialog frontend is not usable.)\n", "debconf: falling back to frontend: Readline\n", "debconf: unable to initialize frontend: Readline\n", "debconf: (Can't locate Term/ReadLine.pm in @INC (you may need to install the Term::ReadLine module) (@INC contains: /etc/perl /usr/local/lib/x86_64-linux-gnu/perl/5.26.1 /usr/local/share/perl/5.26.1 /usr/lib/x86_64-linux-gnu/perl5/5.26 /usr/share/perl5 /usr/lib/x86_64-linux-gnu/perl/5.26 /usr/share/perl/5.26 /usr/local/lib/site_perl /usr/lib/x86_64-linux-gnu/perl-base) at /usr/share/perl5/Debconf/FrontEnd/Readline.pm line 7.)\n", "debconf: falling back to frontend: Teletype\n", "Updating certificates in /etc/ssl/certs...\n", "137 added, 0 removed; done.\n", "Setting up libk5crypto3:amd64 (1.16-2ubuntu0.4) ...\n", "Setting up libwind0-heimdal:amd64 (7.5.0+dfsg-1ubuntu0.4) ...\n", "Setting up libasn1-8-heimdal:amd64 (7.5.0+dfsg-1ubuntu0.4) ...\n", "Setting up libhcrypto4-heimdal:amd64 (7.5.0+dfsg-1ubuntu0.4) ...\n", "Setting up libhx509-5-heimdal:amd64 (7.5.0+dfsg-1ubuntu0.4) ...\n", "Setting up libkrb5-3:amd64 (1.16-2ubuntu0.4) ...\n", "Setting up libkrb5-26-heimdal:amd64 (7.5.0+dfsg-1ubuntu0.4) ...\n", "Setting up libheimntlm0-heimdal:amd64 (7.5.0+dfsg-1ubuntu0.4) ...\n", "Setting up libgssapi-krb5-2:amd64 (1.16-2ubuntu0.4) ...\n", "Setting up libgssapi3-heimdal:amd64 (7.5.0+dfsg-1ubuntu0.4) ...\n", "Setting up libldap-2.4-2:amd64 (2.4.45+dfsg-1ubuntu1.11) ...\n", "Setting up libcurl4:amd64 (7.58.0-2ubuntu3.24) ...\n", "Setting up curl (7.58.0-2ubuntu3.24) ...\n", "Processing triggers for libc-bin (2.27-3ubuntu1.6) ...\n", "Processing triggers for ca-certificates (20230311ubuntu0.18.04.1) ...\n", "Updating certificates in /etc/ssl/certs...\n", "0 added, 0 removed; done.\n", "Running hooks in /etc/ca-certificates/update.d...\n", "done.\n", "\n", "================================================================================\n", "================================================================================\n", "\n", " DEPRECATION WARNING \n", "\n", " Node.js 12.x is no longer actively supported!\n", "\n", " You will not receive security or critical stability updates for this version.\n", "\n", " You should migrate to a supported version of Node.js as soon as possible.\n", " Use the installation script that corresponds to the version of Node.js you\n", " wish to install. e.g.\n", "\n", " * https://deb.nodesource.com/setup_14.x — Node.js 14 LTS \"Fermium\" (recommended)\n", " * https://deb.nodesource.com/setup_16.x — Node.js 16 \"Gallium\"\n", " * https://deb.nodesource.com/setup_18.x — Node.js 18 \"Eighteen\" (current)\n", "\n", " Please see https://github.com/nodejs/Release for details about which\n", " version may be appropriate for you.\n", "\n", " The NodeSource Node.js distributions repository contains\n", " information both about supported versions of Node.js and supported Linux\n", " distributions. To learn more about usage, see the repository:\n", " https://github.com/nodesource/distributions\n", "\n", "================================================================================\n", "================================================================================\n", "\n", "Continuing in 20 seconds ...\n", "\n", "\n", "## Installing the NodeSource Node.js 12.x repo...\n", "\n", "\n", "## Populating apt-get cache...\n", "\n", "+ apt-get update\n", "Hit:1 http://archive.ubuntu.com/ubuntu bionic InRelease\n", "Hit:2 http://security.ubuntu.com/ubuntu bionic-security InRelease\n", "Hit:3 http://archive.ubuntu.com/ubuntu bionic-updates InRelease\n", "Hit:4 http://archive.ubuntu.com/ubuntu bionic-backports InRelease\n", "Reading package lists...\n", "\n", "## Installing packages required for setup: lsb-release gnupg...\n", "\n", "+ apt-get install -y lsb-release gnupg > /dev/null 2>&1\n", "\n", "## Confirming \"bionic\" is supported...\n", "\n", "+ curl -sLf -o /dev/null 'https://deb.nodesource.com/node_12.x/dists/bionic/Release'\n", "\n", "## Adding the NodeSource signing key to your keyring...\n", "\n", "+ curl -s https://deb.nodesource.com/gpgkey/nodesource.gpg.key | gpg --dearmor | tee /usr/share/keyrings/nodesource.gpg >/dev/null\n", "\n", "## Creating apt sources list file for the NodeSource Node.js 12.x repo...\n", "\n", "+ echo 'deb [signed-by=/usr/share/keyrings/nodesource.gpg] https://deb.nodesource.com/node_12.x bionic main' > /etc/apt/sources.list.d/nodesource.list\n", "+ echo 'deb-src [signed-by=/usr/share/keyrings/nodesource.gpg] https://deb.nodesource.com/node_12.x bionic main' >> /etc/apt/sources.list.d/nodesource.list\n", "\n", "## Running `apt-get update` for you...\n", "\n", "+ apt-get update\n", "Hit:1 http://archive.ubuntu.com/ubuntu bionic InRelease\n", "Get:2 https://deb.nodesource.com/node_12.x bionic InRelease [4584 B]\n", "Hit:3 http://archive.ubuntu.com/ubuntu bionic-updates InRelease\n", "Hit:4 http://archive.ubuntu.com/ubuntu bionic-backports InRelease\n", "Hit:5 http://security.ubuntu.com/ubuntu bionic-security InRelease\n", "Get:6 https://deb.nodesource.com/node_12.x bionic/main amd64 Packages [768 B]\n", "Fetched 5352 B in 0s (14.2 kB/s)\n", "Reading package lists...\n", "\n", "## Run `sudo apt-get install -y nodejs` to install Node.js 12.x and npm\n", "## You may also need development tools to build native addons:\n", " sudo apt-get install gcc g++ make\n", "## To install the Yarn package manager, run:\n", " curl -sL https://dl.yarnpkg.com/debian/pubkey.gpg | gpg --dearmor | sudo tee /usr/share/keyrings/yarnkey.gpg >/dev/null\n", " echo \"deb [signed-by=/usr/share/keyrings/yarnkey.gpg] https://dl.yarnpkg.com/debian stable main\" | sudo tee /etc/apt/sources.list.d/yarn.list\n", " sudo apt-get update && sudo apt-get install yarn\n", "\n", "\n", "\u001b[91m\n", "WARNING: apt does not have a stable CLI interface. Use with caution in scripts.\n", "\n", "\u001b[0mReading package lists...\n", "Building dependency tree...\n", "Reading state information...\n", "The following additional packages will be installed:\n", " libpython-stdlib libpython2.7-minimal libpython2.7-stdlib python\n", " python-minimal python2.7 python2.7-minimal\n", "Suggested packages:\n", " python-doc python-tk python2.7-doc binutils binfmt-support\n", "The following NEW packages will be installed:\n", " libpython-stdlib libpython2.7-minimal libpython2.7-stdlib nodejs python\n", " python-minimal python2.7 python2.7-minimal\n", "0 upgraded, 8 newly installed, 0 to remove and 0 not upgraded.\n", "Need to get 22.1 MB of archives.\n", "After this operation, 110 MB of additional disk space will be used.\n", "Get:1 https://deb.nodesource.com/node_12.x bionic/main amd64 nodejs amd64 12.22.12-1nodesource1 [18.2 MB]\n", "Get:2 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libpython2.7-minimal amd64 2.7.17-1~18.04ubuntu1.11 [335 kB]\n", "Get:3 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 python2.7-minimal amd64 2.7.17-1~18.04ubuntu1.11 [1294 kB]\n", "Get:4 http://archive.ubuntu.com/ubuntu bionic/main amd64 python-minimal amd64 2.7.15~rc1-1 [28.1 kB]\n", "Get:5 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libpython2.7-stdlib amd64 2.7.17-1~18.04ubuntu1.11 [1919 kB]\n", "Get:6 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 python2.7 amd64 2.7.17-1~18.04ubuntu1.11 [248 kB]\n", "Get:7 http://archive.ubuntu.com/ubuntu bionic/main amd64 libpython-stdlib amd64 2.7.15~rc1-1 [7620 B]\n", "Get:8 http://archive.ubuntu.com/ubuntu bionic/main amd64 python amd64 2.7.15~rc1-1 [140 kB]\n", "\u001b[91mdebconf: delaying package configuration, since apt-utils is not installed\n", "\u001b[0mFetched 22.1 MB in 1s (25.2 MB/s)\n", "Selecting previously unselected package libpython2.7-minimal:amd64.\n", "(Reading database ... 5592 files and directories currently installed.)\n", "Preparing to unpack .../0-libpython2.7-minimal_2.7.17-1~18.04ubuntu1.11_amd64.deb ...\n", "Unpacking libpython2.7-minimal:amd64 (2.7.17-1~18.04ubuntu1.11) ...\n", "Selecting previously unselected package python2.7-minimal.\n", "Preparing to unpack .../1-python2.7-minimal_2.7.17-1~18.04ubuntu1.11_amd64.deb ...\n", "Unpacking python2.7-minimal (2.7.17-1~18.04ubuntu1.11) ...\n", "Selecting previously unselected package python-minimal.\n", "Preparing to unpack .../2-python-minimal_2.7.15~rc1-1_amd64.deb ...\n", "Unpacking python-minimal (2.7.15~rc1-1) ...\n", "Selecting previously unselected package libpython2.7-stdlib:amd64.\n", "Preparing to unpack .../3-libpython2.7-stdlib_2.7.17-1~18.04ubuntu1.11_amd64.deb ...\n", "Unpacking libpython2.7-stdlib:amd64 (2.7.17-1~18.04ubuntu1.11) ...\n", "Selecting previously unselected package python2.7.\n", "Preparing to unpack .../4-python2.7_2.7.17-1~18.04ubuntu1.11_amd64.deb ...\n", "Unpacking python2.7 (2.7.17-1~18.04ubuntu1.11) ...\n", "Selecting previously unselected package libpython-stdlib:amd64.\n", "Preparing to unpack .../5-libpython-stdlib_2.7.15~rc1-1_amd64.deb ...\n", "Unpacking libpython-stdlib:amd64 (2.7.15~rc1-1) ...\n", "Setting up libpython2.7-minimal:amd64 (2.7.17-1~18.04ubuntu1.11) ...\n", "Setting up python2.7-minimal (2.7.17-1~18.04ubuntu1.11) ...\n", "Linking and byte-compiling packages for runtime python2.7...\n", "Setting up python-minimal (2.7.15~rc1-1) ...\n", "Selecting previously unselected package python.\n", "(Reading database ... 6341 files and directories currently installed.)\n", "Preparing to unpack .../python_2.7.15~rc1-1_amd64.deb ...\n", "Unpacking python (2.7.15~rc1-1) ...\n", "Selecting previously unselected package nodejs.\n", "Preparing to unpack .../nodejs_12.22.12-1nodesource1_amd64.deb ...\n", "Unpacking nodejs (12.22.12-1nodesource1) ...\n", "Setting up nodejs (12.22.12-1nodesource1) ...\n", "Setting up libpython2.7-stdlib:amd64 (2.7.17-1~18.04ubuntu1.11) ...\n", "Setting up python2.7 (2.7.17-1~18.04ubuntu1.11) ...\n", "Setting up libpython-stdlib:amd64 (2.7.15~rc1-1) ...\n", "Setting up python (2.7.15~rc1-1) ...\n", "Processing triggers for mime-support (3.60ubuntu1) ...\n", "/usr/bin/bazel -> /usr/lib/node_modules/@bazel/bazelisk/bazelisk.js\n", "/usr/bin/bazelisk -> /usr/lib/node_modules/@bazel/bazelisk/bazelisk.js\n", "+ @bazel/bazelisk@0.0.0-PLACEHOLDER\n", "added 1 package in 0.831s\n", "Removing intermediate container ec7514646d7c\n", " ---> 81027c7190fb\n", "Step 3/16 : RUN apt-get update && apt-get -y install --no-install-recommends build-essential ca-certificates openjdk-8-jdk-headless python3-dev python3-pip python3-setuptools nginx ca-certificates curl wget vim gcc libpq-dev python3-wheel && rm -rf /var/lib/apt/lists/*\n", " ---> Running in 100ebc8a1a55\n", "Hit:1 http://archive.ubuntu.com/ubuntu bionic InRelease\n", "Hit:2 http://security.ubuntu.com/ubuntu bionic-security InRelease\n", "Hit:3 https://deb.nodesource.com/node_12.x bionic InRelease\n", "Hit:4 http://archive.ubuntu.com/ubuntu bionic-updates InRelease\n", "Hit:5 http://archive.ubuntu.com/ubuntu bionic-backports InRelease\n", "Reading package lists...\n", "Reading package lists...\n", "Building dependency tree...\n", "Reading state information...\n", "ca-certificates is already the newest version (20230311ubuntu0.18.04.1).\n", "ca-certificates set to manually installed.\n", "curl is already the newest version (7.58.0-2ubuntu3.24).\n", "The following additional packages will be installed:\n", " binutils binutils-common binutils-x86-64-linux-gnu ca-certificates-java cpp\n", " cpp-7 dh-python dpkg-dev fontconfig-config fonts-dejavu-core g++ g++-7 gcc-7\n", " gcc-7-base iproute2 java-common libasan4 libatomic1 libavahi-client3\n", " libavahi-common-data libavahi-common3 libbinutils libbsd0 libc-dev-bin\n", " libc6-dev libcc1-0 libcilkrts5 libcups2 libdbus-1-3 libdpkg-perl libelf1\n", " libexpat1-dev libfontconfig1 libfreetype6 libgcc-7-dev libgd3\n", " libgdbm-compat4 libgdbm5 libgeoip1 libgomp1 libgpm2 libicu60 libisl19\n", " libitm1 libjbig0 libjpeg-turbo8 libjpeg8 liblcms2-2 liblsan0 libmnl0 libmpc3\n", " libmpfr6 libmpx2 libnginx-mod-http-geoip libnginx-mod-http-image-filter\n", " libnginx-mod-http-xslt-filter libnginx-mod-mail libnginx-mod-stream libnspr4\n", " libnss3 libpcsclite1 libperl5.26 libpng16-16 libpq5 libpython3-dev\n", " libpython3.6 libpython3.6-dev libquadmath0 libstdc++-7-dev libtiff5 libtsan0\n", " libubsan0 libwebp6 libx11-6 libx11-data libxau6 libxcb1 libxdmcp6 libxext6\n", " libxi6 libxml2 libxpm4 libxrender1 libxslt1.1 libxtst6 linux-libc-dev make\n", " multiarch-support nginx-common nginx-core openjdk-8-jre-headless patch perl\n", " perl-modules-5.26 python-pip-whl python3-distutils python3-lib2to3\n", " python3-pkg-resources python3.6-dev ucf vim-common vim-runtime x11-common\n", " xxd\n", "Suggested packages:\n", " binutils-doc cpp-doc gcc-7-locales debian-keyring g++-multilib\n", " g++-7-multilib gcc-7-doc libstdc++6-7-dbg gcc-multilib manpages-dev autoconf\n", " automake libtool flex bison gdb gcc-doc gcc-7-multilib libgcc1-dbg\n", " libgomp1-dbg libitm1-dbg libatomic1-dbg libasan4-dbg liblsan0-dbg\n", " libtsan0-dbg libubsan0-dbg libcilkrts5-dbg libmpx2-dbg libquadmath0-dbg\n", " iproute2-doc default-jre glibc-doc cups-common git bzr libgd-tools gdbm-l10n\n", " geoip-bin gpm liblcms2-utils pcscd postgresql-doc-10 libstdc++-7-doc\n", " make-doc fcgiwrap nginx-doc ssl-cert openjdk-8-demo openjdk-8-source\n", " libnss-mdns fonts-dejavu-extra fonts-ipafont-gothic fonts-ipafont-mincho\n", " fonts-wqy-microhei fonts-wqy-zenhei fonts-indic ed diffutils-doc perl-doc\n", " libterm-readline-gnu-perl | libterm-readline-perl-perl python-setuptools-doc\n", " ctags vim-doc vim-scripts\n", "Recommended packages:\n", " fakeroot libalgorithm-merge-perl libatm1 libxtables12 manpages manpages-dev\n", " dbus libfile-fcntllock-perl liblocale-gettext-perl geoip-database netbase\n", " python3-keyring python3-keyrings.alt python3-xdg\n", "The following NEW packages will be installed:\n", " binutils binutils-common binutils-x86-64-linux-gnu build-essential\n", " ca-certificates-java cpp cpp-7 dh-python dpkg-dev fontconfig-config\n", " fonts-dejavu-core g++ g++-7 gcc gcc-7 gcc-7-base iproute2 java-common\n", " libasan4 libatomic1 libavahi-client3 libavahi-common-data libavahi-common3\n", " libbinutils libbsd0 libc-dev-bin libc6-dev libcc1-0 libcilkrts5 libcups2\n", " libdbus-1-3 libdpkg-perl libelf1 libexpat1-dev libfontconfig1 libfreetype6\n", " libgcc-7-dev libgd3 libgdbm-compat4 libgdbm5 libgeoip1 libgomp1 libgpm2\n", " libicu60 libisl19 libitm1 libjbig0 libjpeg-turbo8 libjpeg8 liblcms2-2\n", " liblsan0 libmnl0 libmpc3 libmpfr6 libmpx2 libnginx-mod-http-geoip\n", " libnginx-mod-http-image-filter libnginx-mod-http-xslt-filter\n", " libnginx-mod-mail libnginx-mod-stream libnspr4 libnss3 libpcsclite1\n", " libperl5.26 libpng16-16 libpq-dev libpq5 libpython3-dev libpython3.6\n", " libpython3.6-dev libquadmath0 libstdc++-7-dev libtiff5 libtsan0 libubsan0\n", " libwebp6 libx11-6 libx11-data libxau6 libxcb1 libxdmcp6 libxext6 libxi6\n", " libxml2 libxpm4 libxrender1 libxslt1.1 libxtst6 linux-libc-dev make\n", " multiarch-support nginx nginx-common nginx-core openjdk-8-jdk-headless\n", " openjdk-8-jre-headless patch perl perl-modules-5.26 python-pip-whl\n", " python3-dev python3-distutils python3-lib2to3 python3-pip\n", " python3-pkg-resources python3-setuptools python3-wheel python3.6-dev ucf vim\n", " vim-common vim-runtime wget x11-common xxd\n", "0 upgraded, 115 newly installed, 0 to remove and 0 not upgraded.\n", "Need to get 156 MB of archives.\n", "After this operation, 530 MB of additional disk space will be used.\n", "Get:1 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 multiarch-support amd64 2.27-3ubuntu1.6 [6960 B]\n", "Get:2 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libxau6 amd64 1:1.0.8-1ubuntu1 [7556 B]\n", "Get:3 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libbsd0 amd64 0.8.7-1ubuntu0.1 [41.6 kB]\n", "Get:4 http://archive.ubuntu.com/ubuntu bionic/main amd64 libxdmcp6 amd64 1:1.1.2-3 [10.7 kB]\n", "Get:5 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libxcb1 amd64 1.13-2~ubuntu18.04 [45.5 kB]\n", "Get:6 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libx11-data all 2:1.6.4-3ubuntu0.4 [114 kB]\n", "Get:7 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libx11-6 amd64 2:1.6.4-3ubuntu0.4 [572 kB]\n", "Get:8 http://archive.ubuntu.com/ubuntu bionic/main amd64 libxext6 amd64 2:1.3.3-1 [29.4 kB]\n", "Get:9 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libjpeg-turbo8 amd64 1.5.2-0ubuntu5.18.04.6 [111 kB]\n", "Get:10 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 perl-modules-5.26 all 5.26.1-6ubuntu0.7 [2764 kB]\n", "Get:11 http://archive.ubuntu.com/ubuntu bionic/main amd64 libgdbm5 amd64 1.14.1-6 [26.0 kB]\n", "Get:12 http://archive.ubuntu.com/ubuntu bionic/main amd64 libgdbm-compat4 amd64 1.14.1-6 [6084 B]\n", "Get:13 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libperl5.26 amd64 5.26.1-6ubuntu0.7 [3532 kB]\n", "Get:14 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 perl amd64 5.26.1-6ubuntu0.7 [201 kB]\n", "Get:15 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libelf1 amd64 0.170-0.4ubuntu0.1 [44.8 kB]\n", "Get:16 http://archive.ubuntu.com/ubuntu bionic/main amd64 libmnl0 amd64 1.0.4-2 [12.3 kB]\n", "Get:17 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 iproute2 amd64 4.15.0-2ubuntu1.3 [721 kB]\n", "Get:18 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libdbus-1-3 amd64 1.12.2-1ubuntu1.4 [175 kB]\n", "Get:19 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libicu60 amd64 60.2-3ubuntu3.2 [8050 kB]\n", "Get:20 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libxml2 amd64 2.9.4+dfsg1-6.1ubuntu1.9 [663 kB]\n", "Get:21 http://archive.ubuntu.com/ubuntu bionic/main amd64 ucf all 3.0038 [50.5 kB]\n", "Get:22 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 xxd amd64 2:8.0.1453-1ubuntu1.13 [51.9 kB]\n", "Get:23 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 vim-common all 2:8.0.1453-1ubuntu1.13 [73.1 kB]\n", "Get:24 http://archive.ubuntu.com/ubuntu bionic/main amd64 libgeoip1 amd64 1.6.12-1 [71.8 kB]\n", "Get:25 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libpng16-16 amd64 1.6.34-1ubuntu0.18.04.2 [176 kB]\n", "Get:26 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 wget amd64 1.19.4-1ubuntu2.2 [316 kB]\n", "Get:27 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 binutils-common amd64 2.30-21ubuntu1~18.04.9 [197 kB]\n", "Get:28 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libbinutils amd64 2.30-21ubuntu1~18.04.9 [489 kB]\n", "Get:29 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 binutils-x86-64-linux-gnu amd64 2.30-21ubuntu1~18.04.9 [1839 kB]\n", "Get:30 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 binutils amd64 2.30-21ubuntu1~18.04.9 [3392 B]\n", "Get:31 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libc-dev-bin amd64 2.27-3ubuntu1.6 [71.9 kB]\n", "Get:32 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 linux-libc-dev amd64 4.15.0-212.223 [991 kB]\n", "Get:33 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libc6-dev amd64 2.27-3ubuntu1.6 [2587 kB]\n", "Get:34 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 gcc-7-base amd64 7.5.0-3ubuntu1~18.04 [18.3 kB]\n", "Get:35 http://archive.ubuntu.com/ubuntu bionic/main amd64 libisl19 amd64 0.19-1 [551 kB]\n", "Get:36 http://archive.ubuntu.com/ubuntu bionic/main amd64 libmpfr6 amd64 4.0.1-1 [243 kB]\n", "Get:37 http://archive.ubuntu.com/ubuntu bionic/main amd64 libmpc3 amd64 1.1.0-1 [40.8 kB]\n", "Get:38 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 cpp-7 amd64 7.5.0-3ubuntu1~18.04 [8591 kB]\n", "Get:39 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 cpp amd64 4:7.4.0-1ubuntu2.3 [27.7 kB]\n", "Get:40 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libcc1-0 amd64 8.4.0-1ubuntu1~18.04 [39.4 kB]\n", "Get:41 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libgomp1 amd64 8.4.0-1ubuntu1~18.04 [76.5 kB]\n", "Get:42 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libitm1 amd64 8.4.0-1ubuntu1~18.04 [27.9 kB]\n", "Get:43 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libatomic1 amd64 8.4.0-1ubuntu1~18.04 [9192 B]\n", "Get:44 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libasan4 amd64 7.5.0-3ubuntu1~18.04 [358 kB]\n", "Get:45 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 liblsan0 amd64 8.4.0-1ubuntu1~18.04 [133 kB]\n", "Get:46 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libtsan0 amd64 8.4.0-1ubuntu1~18.04 [288 kB]\n", "Get:47 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libubsan0 amd64 7.5.0-3ubuntu1~18.04 [126 kB]\n", "Get:48 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libcilkrts5 amd64 7.5.0-3ubuntu1~18.04 [42.5 kB]\n", "Get:49 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libmpx2 amd64 8.4.0-1ubuntu1~18.04 [11.6 kB]\n", "Get:50 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libquadmath0 amd64 8.4.0-1ubuntu1~18.04 [134 kB]\n", "Get:51 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libgcc-7-dev amd64 7.5.0-3ubuntu1~18.04 [2378 kB]\n", "Get:52 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 gcc-7 amd64 7.5.0-3ubuntu1~18.04 [9381 kB]\n", "Get:53 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 gcc amd64 4:7.4.0-1ubuntu2.3 [5184 B]\n", "Get:54 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libstdc++-7-dev amd64 7.5.0-3ubuntu1~18.04 [1471 kB]\n", "Get:55 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 g++-7 amd64 7.5.0-3ubuntu1~18.04 [9697 kB]\n", "Get:56 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 g++ amd64 4:7.4.0-1ubuntu2.3 [1568 B]\n", "Get:57 http://archive.ubuntu.com/ubuntu bionic/main amd64 make amd64 4.1-9.1ubuntu1 [154 kB]\n", "Get:58 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libdpkg-perl all 1.19.0.5ubuntu2.4 [212 kB]\n", "Get:59 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 patch amd64 2.7.6-2ubuntu1.1 [102 kB]\n", "Get:60 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 dpkg-dev all 1.19.0.5ubuntu2.4 [607 kB]\n", "Get:61 http://archive.ubuntu.com/ubuntu bionic/main amd64 build-essential amd64 12.4ubuntu1 [4758 B]\n", "Get:62 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 java-common all 0.68ubuntu1~18.04.1 [14.5 kB]\n", "Get:63 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libavahi-common-data amd64 0.7-3.1ubuntu1.3 [22.2 kB]\n", "Get:64 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libavahi-common3 amd64 0.7-3.1ubuntu1.3 [21.6 kB]\n", "Get:65 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libavahi-client3 amd64 0.7-3.1ubuntu1.3 [25.2 kB]\n", "Get:66 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libcups2 amd64 2.2.7-1ubuntu2.10 [211 kB]\n", "Get:67 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 liblcms2-2 amd64 2.9-1ubuntu0.1 [139 kB]\n", "Get:68 http://archive.ubuntu.com/ubuntu bionic/main amd64 libjpeg8 amd64 8c-2ubuntu8 [2194 B]\n", "Get:69 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libfreetype6 amd64 2.8.1-2ubuntu2.2 [335 kB]\n", "Get:70 http://archive.ubuntu.com/ubuntu bionic/main amd64 fonts-dejavu-core all 2.37-1 [1041 kB]\n", "Get:71 http://archive.ubuntu.com/ubuntu bionic/main amd64 fontconfig-config all 2.12.6-0ubuntu2 [55.8 kB]\n", "Get:72 http://archive.ubuntu.com/ubuntu bionic/main amd64 libfontconfig1 amd64 2.12.6-0ubuntu2 [137 kB]\n", "Get:73 http://archive.ubuntu.com/ubuntu bionic/main amd64 libnspr4 amd64 2:4.18-1ubuntu1 [112 kB]\n", "Get:74 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libnss3 amd64 2:3.35-2ubuntu2.16 [1220 kB]\n", "Get:75 http://archive.ubuntu.com/ubuntu bionic/main amd64 libpcsclite1 amd64 1.8.23-1 [21.3 kB]\n", "Get:76 http://archive.ubuntu.com/ubuntu bionic/main amd64 libxi6 amd64 2:1.7.9-1 [29.2 kB]\n", "Get:77 http://archive.ubuntu.com/ubuntu bionic/main amd64 libxrender1 amd64 1:0.9.10-1 [18.7 kB]\n", "Get:78 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 x11-common all 1:7.7+19ubuntu7.1 [22.5 kB]\n", "Get:79 http://archive.ubuntu.com/ubuntu bionic/main amd64 libxtst6 amd64 2:1.2.3-1 [12.8 kB]\n", "Get:80 http://archive.ubuntu.com/ubuntu bionic-updates/universe amd64 openjdk-8-jre-headless amd64 8u372-ga~us1-0ubuntu1~18.04 [28.3 MB]\n", "Get:81 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 ca-certificates-java all 20180516ubuntu1~18.04.2 [12.5 kB]\n", "Get:82 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 python3-lib2to3 all 3.6.9-1~18.04 [77.4 kB]\n", "Get:83 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 python3-distutils all 3.6.9-1~18.04 [144 kB]\n", "Get:84 http://archive.ubuntu.com/ubuntu bionic/main amd64 dh-python all 3.20180325ubuntu2 [89.2 kB]\n", "Get:85 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libexpat1-dev amd64 2.2.5-3ubuntu0.9 [124 kB]\n", "Get:86 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libjbig0 amd64 2.1-3.1ubuntu0.18.04.1 [27.0 kB]\n", "Get:87 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libtiff5 amd64 4.0.9-5ubuntu0.10 [154 kB]\n", "Get:88 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libwebp6 amd64 0.6.1-2ubuntu0.18.04.2 [186 kB]\n", "Get:89 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libxpm4 amd64 1:3.5.12-1ubuntu0.18.04.2 [34.8 kB]\n", "Get:90 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libgd3 amd64 2.2.5-4ubuntu0.5 [119 kB]\n", "Get:91 http://archive.ubuntu.com/ubuntu bionic/main amd64 libgpm2 amd64 1.20.7-5 [15.1 kB]\n", "Get:92 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 nginx-common all 1.14.0-0ubuntu1.11 [37.2 kB]\n", "Get:93 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libnginx-mod-http-geoip amd64 1.14.0-0ubuntu1.11 [11.0 kB]\n", "Get:94 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libnginx-mod-http-image-filter amd64 1.14.0-0ubuntu1.11 [14.3 kB]\n", "Get:95 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libxslt1.1 amd64 1.1.29-5ubuntu0.3 [150 kB]\n", "Get:96 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libnginx-mod-http-xslt-filter amd64 1.14.0-0ubuntu1.11 [12.8 kB]\n", "Get:97 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libnginx-mod-mail amd64 1.14.0-0ubuntu1.11 [41.8 kB]\n", "Get:98 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libnginx-mod-stream amd64 1.14.0-0ubuntu1.11 [63.5 kB]\n", "Get:99 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libpq5 amd64 10.23-0ubuntu0.18.04.2 [107 kB]\n", "Get:100 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libpq-dev amd64 10.23-0ubuntu0.18.04.2 [219 kB]\n", "Get:101 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libpython3.6 amd64 3.6.9-1~18.04ubuntu1.12 [1414 kB]\n", "Get:102 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libpython3.6-dev amd64 3.6.9-1~18.04ubuntu1.12 [44.9 MB]\n", "Get:103 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 libpython3-dev amd64 3.6.7-1~18.04 [7328 B]\n", "Get:104 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 nginx-core amd64 1.14.0-0ubuntu1.11 [413 kB]\n", "Get:105 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 nginx all 1.14.0-0ubuntu1.11 [3596 B]\n", "Get:106 http://archive.ubuntu.com/ubuntu bionic-updates/universe amd64 openjdk-8-jdk-headless amd64 8u372-ga~us1-0ubuntu1~18.04 [8291 kB]\n", "Get:107 http://archive.ubuntu.com/ubuntu bionic-updates/universe amd64 python-pip-whl all 9.0.1-2.3~ubuntu1.18.04.8 [1653 kB]\n", "Get:108 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 python3.6-dev amd64 3.6.9-1~18.04ubuntu1.12 [511 kB]\n", "Get:109 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 python3-dev amd64 3.6.7-1~18.04 [1288 B]\n", "Get:110 http://archive.ubuntu.com/ubuntu bionic-updates/universe amd64 python3-pip all 9.0.1-2.3~ubuntu1.18.04.8 [114 kB]\n", "Get:111 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 python3-pkg-resources all 39.0.1-2ubuntu0.1 [99.0 kB]\n", "Get:112 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 python3-setuptools all 39.0.1-2ubuntu0.1 [248 kB]\n", "Get:113 http://archive.ubuntu.com/ubuntu bionic-updates/universe amd64 python3-wheel all 0.30.0-0.2ubuntu0.1 [36.7 kB]\n", "Get:114 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 vim-runtime all 2:8.0.1453-1ubuntu1.13 [5439 kB]\n", "Get:115 http://archive.ubuntu.com/ubuntu bionic-updates/main amd64 vim amd64 2:8.0.1453-1ubuntu1.13 [1156 kB]\n", "\u001b[91mdebconf: delaying package configuration, since apt-utils is not installed\n", "\u001b[0mFetched 156 MB in 12s (13.0 MB/s)\n", "Selecting previously unselected package multiarch-support.\n", "(Reading database ... 11263 files and directories currently installed.)\n", "Preparing to unpack .../0-multiarch-support_2.27-3ubuntu1.6_amd64.deb ...\n", "Unpacking multiarch-support (2.27-3ubuntu1.6) ...\n", "Selecting previously unselected package libxau6:amd64.\n", "Preparing to unpack .../1-libxau6_1%3a1.0.8-1ubuntu1_amd64.deb ...\n", "Unpacking libxau6:amd64 (1:1.0.8-1ubuntu1) ...\n", "Selecting previously unselected package libbsd0:amd64.\n", "Preparing to unpack .../2-libbsd0_0.8.7-1ubuntu0.1_amd64.deb ...\n", "Unpacking libbsd0:amd64 (0.8.7-1ubuntu0.1) ...\n", "Selecting previously unselected package libxdmcp6:amd64.\n", "Preparing to unpack .../3-libxdmcp6_1%3a1.1.2-3_amd64.deb ...\n", "Unpacking libxdmcp6:amd64 (1:1.1.2-3) ...\n", "Selecting previously unselected package libxcb1:amd64.\n", "Preparing to unpack .../4-libxcb1_1.13-2~ubuntu18.04_amd64.deb ...\n", "Unpacking libxcb1:amd64 (1.13-2~ubuntu18.04) ...\n", "Selecting previously unselected package libx11-data.\n", "Preparing to unpack .../5-libx11-data_2%3a1.6.4-3ubuntu0.4_all.deb ...\n", "Unpacking libx11-data (2:1.6.4-3ubuntu0.4) ...\n", "Selecting previously unselected package libx11-6:amd64.\n", "Preparing to unpack .../6-libx11-6_2%3a1.6.4-3ubuntu0.4_amd64.deb ...\n", "Unpacking libx11-6:amd64 (2:1.6.4-3ubuntu0.4) ...\n", "Setting up multiarch-support (2.27-3ubuntu1.6) ...\n", "Selecting previously unselected package libxext6:amd64.\n", "(Reading database ... 11553 files and directories currently installed.)\n", "Preparing to unpack .../000-libxext6_2%3a1.3.3-1_amd64.deb ...\n", "Unpacking libxext6:amd64 (2:1.3.3-1) ...\n", "Selecting previously unselected package libjpeg-turbo8:amd64.\n", "Preparing to unpack .../001-libjpeg-turbo8_1.5.2-0ubuntu5.18.04.6_amd64.deb ...\n", "Unpacking libjpeg-turbo8:amd64 (1.5.2-0ubuntu5.18.04.6) ...\n", "Selecting previously unselected package perl-modules-5.26.\n", "Preparing to unpack .../002-perl-modules-5.26_5.26.1-6ubuntu0.7_all.deb ...\n", "Unpacking perl-modules-5.26 (5.26.1-6ubuntu0.7) ...\n", "Selecting previously unselected package libgdbm5:amd64.\n", "Preparing to unpack .../003-libgdbm5_1.14.1-6_amd64.deb ...\n", "Unpacking libgdbm5:amd64 (1.14.1-6) ...\n", "Selecting previously unselected package libgdbm-compat4:amd64.\n", "Preparing to unpack .../004-libgdbm-compat4_1.14.1-6_amd64.deb ...\n", "Unpacking libgdbm-compat4:amd64 (1.14.1-6) ...\n", "Selecting previously unselected package libperl5.26:amd64.\n", "Preparing to unpack .../005-libperl5.26_5.26.1-6ubuntu0.7_amd64.deb ...\n", "Unpacking libperl5.26:amd64 (5.26.1-6ubuntu0.7) ...\n", "Selecting previously unselected package perl.\n", "Preparing to unpack .../006-perl_5.26.1-6ubuntu0.7_amd64.deb ...\n", "Unpacking perl (5.26.1-6ubuntu0.7) ...\n", "Selecting previously unselected package libelf1:amd64.\n", "Preparing to unpack .../007-libelf1_0.170-0.4ubuntu0.1_amd64.deb ...\n", "Unpacking libelf1:amd64 (0.170-0.4ubuntu0.1) ...\n", "Selecting previously unselected package libmnl0:amd64.\n", "Preparing to unpack .../008-libmnl0_1.0.4-2_amd64.deb ...\n", "Unpacking libmnl0:amd64 (1.0.4-2) ...\n", "Selecting previously unselected package iproute2.\n", "Preparing to unpack .../009-iproute2_4.15.0-2ubuntu1.3_amd64.deb ...\n", "Unpacking iproute2 (4.15.0-2ubuntu1.3) ...\n", "Selecting previously unselected package libdbus-1-3:amd64.\n", "Preparing to unpack .../010-libdbus-1-3_1.12.2-1ubuntu1.4_amd64.deb ...\n", "Unpacking libdbus-1-3:amd64 (1.12.2-1ubuntu1.4) ...\n", "Selecting previously unselected package libicu60:amd64.\n", "Preparing to unpack .../011-libicu60_60.2-3ubuntu3.2_amd64.deb ...\n", "Unpacking libicu60:amd64 (60.2-3ubuntu3.2) ...\n", "Selecting previously unselected package libxml2:amd64.\n", "Preparing to unpack .../012-libxml2_2.9.4+dfsg1-6.1ubuntu1.9_amd64.deb ...\n", "Unpacking libxml2:amd64 (2.9.4+dfsg1-6.1ubuntu1.9) ...\n", "Selecting previously unselected package ucf.\n", "Preparing to unpack .../013-ucf_3.0038_all.deb ...\n", "Moving old data out of the way\n", "Unpacking ucf (3.0038) ...\n", "Selecting previously unselected package xxd.\n", "Preparing to unpack .../014-xxd_2%3a8.0.1453-1ubuntu1.13_amd64.deb ...\n", "Unpacking xxd (2:8.0.1453-1ubuntu1.13) ...\n", "Selecting previously unselected package vim-common.\n", "Preparing to unpack .../015-vim-common_2%3a8.0.1453-1ubuntu1.13_all.deb ...\n", "Unpacking vim-common (2:8.0.1453-1ubuntu1.13) ...\n", "Selecting previously unselected package libgeoip1:amd64.\n", "Preparing to unpack .../016-libgeoip1_1.6.12-1_amd64.deb ...\n", "Unpacking libgeoip1:amd64 (1.6.12-1) ...\n", "Selecting previously unselected package libpng16-16:amd64.\n", "Preparing to unpack .../017-libpng16-16_1.6.34-1ubuntu0.18.04.2_amd64.deb ...\n", "Unpacking libpng16-16:amd64 (1.6.34-1ubuntu0.18.04.2) ...\n", "Selecting previously unselected package wget.\n", "Preparing to unpack .../018-wget_1.19.4-1ubuntu2.2_amd64.deb ...\n", "Unpacking wget (1.19.4-1ubuntu2.2) ...\n", "Selecting previously unselected package binutils-common:amd64.\n", "Preparing to unpack .../019-binutils-common_2.30-21ubuntu1~18.04.9_amd64.deb ...\n", "Unpacking binutils-common:amd64 (2.30-21ubuntu1~18.04.9) ...\n", "Selecting previously unselected package libbinutils:amd64.\n", "Preparing to unpack .../020-libbinutils_2.30-21ubuntu1~18.04.9_amd64.deb ...\n", "Unpacking libbinutils:amd64 (2.30-21ubuntu1~18.04.9) ...\n", "Selecting previously unselected package binutils-x86-64-linux-gnu.\n", "Preparing to unpack .../021-binutils-x86-64-linux-gnu_2.30-21ubuntu1~18.04.9_amd64.deb ...\n", "Unpacking binutils-x86-64-linux-gnu (2.30-21ubuntu1~18.04.9) ...\n", "Selecting previously unselected package binutils.\n", "Preparing to unpack .../022-binutils_2.30-21ubuntu1~18.04.9_amd64.deb ...\n", "Unpacking binutils (2.30-21ubuntu1~18.04.9) ...\n", "Selecting previously unselected package libc-dev-bin.\n", "Preparing to unpack .../023-libc-dev-bin_2.27-3ubuntu1.6_amd64.deb ...\n", "Unpacking libc-dev-bin (2.27-3ubuntu1.6) ...\n", "Selecting previously unselected package linux-libc-dev:amd64.\n", "Preparing to unpack .../024-linux-libc-dev_4.15.0-212.223_amd64.deb ...\n", "Unpacking linux-libc-dev:amd64 (4.15.0-212.223) ...\n", "Selecting previously unselected package libc6-dev:amd64.\n", "Preparing to unpack .../025-libc6-dev_2.27-3ubuntu1.6_amd64.deb ...\n", "Unpacking libc6-dev:amd64 (2.27-3ubuntu1.6) ...\n", "Selecting previously unselected package gcc-7-base:amd64.\n", "Preparing to unpack .../026-gcc-7-base_7.5.0-3ubuntu1~18.04_amd64.deb ...\n", "Unpacking gcc-7-base:amd64 (7.5.0-3ubuntu1~18.04) ...\n", "Selecting previously unselected package libisl19:amd64.\n", "Preparing to unpack .../027-libisl19_0.19-1_amd64.deb ...\n", "Unpacking libisl19:amd64 (0.19-1) ...\n", "Selecting previously unselected package libmpfr6:amd64.\n", "Preparing to unpack .../028-libmpfr6_4.0.1-1_amd64.deb ...\n", "Unpacking libmpfr6:amd64 (4.0.1-1) ...\n", "Selecting previously unselected package libmpc3:amd64.\n", "Preparing to unpack .../029-libmpc3_1.1.0-1_amd64.deb ...\n", "Unpacking libmpc3:amd64 (1.1.0-1) ...\n", "Selecting previously unselected package cpp-7.\n", "Preparing to unpack .../030-cpp-7_7.5.0-3ubuntu1~18.04_amd64.deb ...\n", "Unpacking cpp-7 (7.5.0-3ubuntu1~18.04) ...\n", "Selecting previously unselected package cpp.\n", "Preparing to unpack .../031-cpp_4%3a7.4.0-1ubuntu2.3_amd64.deb ...\n", "Unpacking cpp (4:7.4.0-1ubuntu2.3) ...\n", "Selecting previously unselected package libcc1-0:amd64.\n", "Preparing to unpack .../032-libcc1-0_8.4.0-1ubuntu1~18.04_amd64.deb ...\n", "Unpacking libcc1-0:amd64 (8.4.0-1ubuntu1~18.04) ...\n", "Selecting previously unselected package libgomp1:amd64.\n", "Preparing to unpack .../033-libgomp1_8.4.0-1ubuntu1~18.04_amd64.deb ...\n", "Unpacking libgomp1:amd64 (8.4.0-1ubuntu1~18.04) ...\n", "Selecting previously unselected package libitm1:amd64.\n", "Preparing to unpack .../034-libitm1_8.4.0-1ubuntu1~18.04_amd64.deb ...\n", "Unpacking libitm1:amd64 (8.4.0-1ubuntu1~18.04) ...\n", "Selecting previously unselected package libatomic1:amd64.\n", "Preparing to unpack .../035-libatomic1_8.4.0-1ubuntu1~18.04_amd64.deb ...\n", "Unpacking libatomic1:amd64 (8.4.0-1ubuntu1~18.04) ...\n", "Selecting previously unselected package libasan4:amd64.\n", "Preparing to unpack .../036-libasan4_7.5.0-3ubuntu1~18.04_amd64.deb ...\n", "Unpacking libasan4:amd64 (7.5.0-3ubuntu1~18.04) ...\n", "Selecting previously unselected package liblsan0:amd64.\n", "Preparing to unpack .../037-liblsan0_8.4.0-1ubuntu1~18.04_amd64.deb ...\n", "Unpacking liblsan0:amd64 (8.4.0-1ubuntu1~18.04) ...\n", "Selecting previously unselected package libtsan0:amd64.\n", "Preparing to unpack .../038-libtsan0_8.4.0-1ubuntu1~18.04_amd64.deb ...\n", "Unpacking libtsan0:amd64 (8.4.0-1ubuntu1~18.04) ...\n", "Selecting previously unselected package libubsan0:amd64.\n", "Preparing to unpack .../039-libubsan0_7.5.0-3ubuntu1~18.04_amd64.deb ...\n", "Unpacking libubsan0:amd64 (7.5.0-3ubuntu1~18.04) ...\n", "Selecting previously unselected package libcilkrts5:amd64.\n", "Preparing to unpack .../040-libcilkrts5_7.5.0-3ubuntu1~18.04_amd64.deb ...\n", "Unpacking libcilkrts5:amd64 (7.5.0-3ubuntu1~18.04) ...\n", "Selecting previously unselected package libmpx2:amd64.\n", "Preparing to unpack .../041-libmpx2_8.4.0-1ubuntu1~18.04_amd64.deb ...\n", "Unpacking libmpx2:amd64 (8.4.0-1ubuntu1~18.04) ...\n", "Selecting previously unselected package libquadmath0:amd64.\n", "Preparing to unpack .../042-libquadmath0_8.4.0-1ubuntu1~18.04_amd64.deb ...\n", "Unpacking libquadmath0:amd64 (8.4.0-1ubuntu1~18.04) ...\n", "Selecting previously unselected package libgcc-7-dev:amd64.\n", "Preparing to unpack .../043-libgcc-7-dev_7.5.0-3ubuntu1~18.04_amd64.deb ...\n", "Unpacking libgcc-7-dev:amd64 (7.5.0-3ubuntu1~18.04) ...\n", "Selecting previously unselected package gcc-7.\n", "Preparing to unpack .../044-gcc-7_7.5.0-3ubuntu1~18.04_amd64.deb ...\n", "Unpacking gcc-7 (7.5.0-3ubuntu1~18.04) ...\n", "Selecting previously unselected package gcc.\n", "Preparing to unpack .../045-gcc_4%3a7.4.0-1ubuntu2.3_amd64.deb ...\n", "Unpacking gcc (4:7.4.0-1ubuntu2.3) ...\n", "Selecting previously unselected package libstdc++-7-dev:amd64.\n", "Preparing to unpack .../046-libstdc++-7-dev_7.5.0-3ubuntu1~18.04_amd64.deb ...\n", "Unpacking libstdc++-7-dev:amd64 (7.5.0-3ubuntu1~18.04) ...\n", "Selecting previously unselected package g++-7.\n", "Preparing to unpack .../047-g++-7_7.5.0-3ubuntu1~18.04_amd64.deb ...\n", "Unpacking g++-7 (7.5.0-3ubuntu1~18.04) ...\n", "Selecting previously unselected package g++.\n", "Preparing to unpack .../048-g++_4%3a7.4.0-1ubuntu2.3_amd64.deb ...\n", "Unpacking g++ (4:7.4.0-1ubuntu2.3) ...\n", "Selecting previously unselected package make.\n", "Preparing to unpack .../049-make_4.1-9.1ubuntu1_amd64.deb ...\n", "Unpacking make (4.1-9.1ubuntu1) ...\n", "Selecting previously unselected package libdpkg-perl.\n", "Preparing to unpack .../050-libdpkg-perl_1.19.0.5ubuntu2.4_all.deb ...\n", "Unpacking libdpkg-perl (1.19.0.5ubuntu2.4) ...\n", "Selecting previously unselected package patch.\n", "Preparing to unpack .../051-patch_2.7.6-2ubuntu1.1_amd64.deb ...\n", "Unpacking patch (2.7.6-2ubuntu1.1) ...\n", "Selecting previously unselected package dpkg-dev.\n", "Preparing to unpack .../052-dpkg-dev_1.19.0.5ubuntu2.4_all.deb ...\n", "Unpacking dpkg-dev (1.19.0.5ubuntu2.4) ...\n", "Selecting previously unselected package build-essential.\n", "Preparing to unpack .../053-build-essential_12.4ubuntu1_amd64.deb ...\n", "Unpacking build-essential (12.4ubuntu1) ...\n", "Selecting previously unselected package java-common.\n", "Preparing to unpack .../054-java-common_0.68ubuntu1~18.04.1_all.deb ...\n", "Unpacking java-common (0.68ubuntu1~18.04.1) ...\n", "Selecting previously unselected package libavahi-common-data:amd64.\n", "Preparing to unpack .../055-libavahi-common-data_0.7-3.1ubuntu1.3_amd64.deb ...\n", "Unpacking libavahi-common-data:amd64 (0.7-3.1ubuntu1.3) ...\n", "Selecting previously unselected package libavahi-common3:amd64.\n", "Preparing to unpack .../056-libavahi-common3_0.7-3.1ubuntu1.3_amd64.deb ...\n", "Unpacking libavahi-common3:amd64 (0.7-3.1ubuntu1.3) ...\n", "Selecting previously unselected package libavahi-client3:amd64.\n", "Preparing to unpack .../057-libavahi-client3_0.7-3.1ubuntu1.3_amd64.deb ...\n", "Unpacking libavahi-client3:amd64 (0.7-3.1ubuntu1.3) ...\n", "Selecting previously unselected package libcups2:amd64.\n", "Preparing to unpack .../058-libcups2_2.2.7-1ubuntu2.10_amd64.deb ...\n", "Unpacking libcups2:amd64 (2.2.7-1ubuntu2.10) ...\n", "Selecting previously unselected package liblcms2-2:amd64.\n", "Preparing to unpack .../059-liblcms2-2_2.9-1ubuntu0.1_amd64.deb ...\n", "Unpacking liblcms2-2:amd64 (2.9-1ubuntu0.1) ...\n", "Selecting previously unselected package libjpeg8:amd64.\n", "Preparing to unpack .../060-libjpeg8_8c-2ubuntu8_amd64.deb ...\n", "Unpacking libjpeg8:amd64 (8c-2ubuntu8) ...\n", "Selecting previously unselected package libfreetype6:amd64.\n", "Preparing to unpack .../061-libfreetype6_2.8.1-2ubuntu2.2_amd64.deb ...\n", "Unpacking libfreetype6:amd64 (2.8.1-2ubuntu2.2) ...\n", "Selecting previously unselected package fonts-dejavu-core.\n", "Preparing to unpack .../062-fonts-dejavu-core_2.37-1_all.deb ...\n", "Unpacking fonts-dejavu-core (2.37-1) ...\n", "Selecting previously unselected package fontconfig-config.\n", "Preparing to unpack .../063-fontconfig-config_2.12.6-0ubuntu2_all.deb ...\n", "Unpacking fontconfig-config (2.12.6-0ubuntu2) ...\n", "Selecting previously unselected package libfontconfig1:amd64.\n", "Preparing to unpack .../064-libfontconfig1_2.12.6-0ubuntu2_amd64.deb ...\n", "Unpacking libfontconfig1:amd64 (2.12.6-0ubuntu2) ...\n", "Selecting previously unselected package libnspr4:amd64.\n", "Preparing to unpack .../065-libnspr4_2%3a4.18-1ubuntu1_amd64.deb ...\n", "Unpacking libnspr4:amd64 (2:4.18-1ubuntu1) ...\n", "Selecting previously unselected package libnss3:amd64.\n", "Preparing to unpack .../066-libnss3_2%3a3.35-2ubuntu2.16_amd64.deb ...\n", "Unpacking libnss3:amd64 (2:3.35-2ubuntu2.16) ...\n", "Selecting previously unselected package libpcsclite1:amd64.\n", "Preparing to unpack .../067-libpcsclite1_1.8.23-1_amd64.deb ...\n", "Unpacking libpcsclite1:amd64 (1.8.23-1) ...\n", "Selecting previously unselected package libxi6:amd64.\n", "Preparing to unpack .../068-libxi6_2%3a1.7.9-1_amd64.deb ...\n", "Unpacking libxi6:amd64 (2:1.7.9-1) ...\n", "Selecting previously unselected package libxrender1:amd64.\n", "Preparing to unpack .../069-libxrender1_1%3a0.9.10-1_amd64.deb ...\n", "Unpacking libxrender1:amd64 (1:0.9.10-1) ...\n", "Selecting previously unselected package x11-common.\n", "Preparing to unpack .../070-x11-common_1%3a7.7+19ubuntu7.1_all.deb ...\n", "dpkg-query: no packages found matching nux-tools\n", "Unpacking x11-common (1:7.7+19ubuntu7.1) ...\n", "Selecting previously unselected package libxtst6:amd64.\n", "Preparing to unpack .../071-libxtst6_2%3a1.2.3-1_amd64.deb ...\n", "Unpacking libxtst6:amd64 (2:1.2.3-1) ...\n", "Selecting previously unselected package openjdk-8-jre-headless:amd64.\n", "Preparing to unpack .../072-openjdk-8-jre-headless_8u372-ga~us1-0ubuntu1~18.04_amd64.deb ...\n", "Unpacking openjdk-8-jre-headless:amd64 (8u372-ga~us1-0ubuntu1~18.04) ...\n", "Selecting previously unselected package ca-certificates-java.\n", "Preparing to unpack .../073-ca-certificates-java_20180516ubuntu1~18.04.2_all.deb ...\n", "Unpacking ca-certificates-java (20180516ubuntu1~18.04.2) ...\n", "Selecting previously unselected package python3-lib2to3.\n", "Preparing to unpack .../074-python3-lib2to3_3.6.9-1~18.04_all.deb ...\n", "Unpacking python3-lib2to3 (3.6.9-1~18.04) ...\n", "Selecting previously unselected package python3-distutils.\n", "Preparing to unpack .../075-python3-distutils_3.6.9-1~18.04_all.deb ...\n", "Unpacking python3-distutils (3.6.9-1~18.04) ...\n", "Selecting previously unselected package dh-python.\n", "Preparing to unpack .../076-dh-python_3.20180325ubuntu2_all.deb ...\n", "Unpacking dh-python (3.20180325ubuntu2) ...\n", "Selecting previously unselected package libexpat1-dev:amd64.\n", "Preparing to unpack .../077-libexpat1-dev_2.2.5-3ubuntu0.9_amd64.deb ...\n", "Unpacking libexpat1-dev:amd64 (2.2.5-3ubuntu0.9) ...\n", "Selecting previously unselected package libjbig0:amd64.\n", "Preparing to unpack .../078-libjbig0_2.1-3.1ubuntu0.18.04.1_amd64.deb ...\n", "Unpacking libjbig0:amd64 (2.1-3.1ubuntu0.18.04.1) ...\n", "Selecting previously unselected package libtiff5:amd64.\n", "Preparing to unpack .../079-libtiff5_4.0.9-5ubuntu0.10_amd64.deb ...\n", "Unpacking libtiff5:amd64 (4.0.9-5ubuntu0.10) ...\n", "Selecting previously unselected package libwebp6:amd64.\n", "Preparing to unpack .../080-libwebp6_0.6.1-2ubuntu0.18.04.2_amd64.deb ...\n", "Unpacking libwebp6:amd64 (0.6.1-2ubuntu0.18.04.2) ...\n", "Selecting previously unselected package libxpm4:amd64.\n", "Preparing to unpack .../081-libxpm4_1%3a3.5.12-1ubuntu0.18.04.2_amd64.deb ...\n", "Unpacking libxpm4:amd64 (1:3.5.12-1ubuntu0.18.04.2) ...\n", "Selecting previously unselected package libgd3:amd64.\n", "Preparing to unpack .../082-libgd3_2.2.5-4ubuntu0.5_amd64.deb ...\n", "Unpacking libgd3:amd64 (2.2.5-4ubuntu0.5) ...\n", "Selecting previously unselected package libgpm2:amd64.\n", "Preparing to unpack .../083-libgpm2_1.20.7-5_amd64.deb ...\n", "Unpacking libgpm2:amd64 (1.20.7-5) ...\n", "Selecting previously unselected package nginx-common.\n", "Preparing to unpack .../084-nginx-common_1.14.0-0ubuntu1.11_all.deb ...\n", "Unpacking nginx-common (1.14.0-0ubuntu1.11) ...\n", "Selecting previously unselected package libnginx-mod-http-geoip.\n", "Preparing to unpack .../085-libnginx-mod-http-geoip_1.14.0-0ubuntu1.11_amd64.deb ...\n", "Unpacking libnginx-mod-http-geoip (1.14.0-0ubuntu1.11) ...\n", "Selecting previously unselected package libnginx-mod-http-image-filter.\n", "Preparing to unpack .../086-libnginx-mod-http-image-filter_1.14.0-0ubuntu1.11_amd64.deb ...\n", "Unpacking libnginx-mod-http-image-filter (1.14.0-0ubuntu1.11) ...\n", "Selecting previously unselected package libxslt1.1:amd64.\n", "Preparing to unpack .../087-libxslt1.1_1.1.29-5ubuntu0.3_amd64.deb ...\n", "Unpacking libxslt1.1:amd64 (1.1.29-5ubuntu0.3) ...\n", "Selecting previously unselected package libnginx-mod-http-xslt-filter.\n", "Preparing to unpack .../088-libnginx-mod-http-xslt-filter_1.14.0-0ubuntu1.11_amd64.deb ...\n", "Unpacking libnginx-mod-http-xslt-filter (1.14.0-0ubuntu1.11) ...\n", "Selecting previously unselected package libnginx-mod-mail.\n", "Preparing to unpack .../089-libnginx-mod-mail_1.14.0-0ubuntu1.11_amd64.deb ...\n", "Unpacking libnginx-mod-mail (1.14.0-0ubuntu1.11) ...\n", "Selecting previously unselected package libnginx-mod-stream.\n", "Preparing to unpack .../090-libnginx-mod-stream_1.14.0-0ubuntu1.11_amd64.deb ...\n", "Unpacking libnginx-mod-stream (1.14.0-0ubuntu1.11) ...\n", "Selecting previously unselected package libpq5:amd64.\n", "Preparing to unpack .../091-libpq5_10.23-0ubuntu0.18.04.2_amd64.deb ...\n", "Unpacking libpq5:amd64 (10.23-0ubuntu0.18.04.2) ...\n", "Selecting previously unselected package libpq-dev.\n", "Preparing to unpack .../092-libpq-dev_10.23-0ubuntu0.18.04.2_amd64.deb ...\n", "Unpacking libpq-dev (10.23-0ubuntu0.18.04.2) ...\n", "Selecting previously unselected package libpython3.6:amd64.\n", "Preparing to unpack .../093-libpython3.6_3.6.9-1~18.04ubuntu1.12_amd64.deb ...\n", "Unpacking libpython3.6:amd64 (3.6.9-1~18.04ubuntu1.12) ...\n", "Selecting previously unselected package libpython3.6-dev:amd64.\n", "Preparing to unpack .../094-libpython3.6-dev_3.6.9-1~18.04ubuntu1.12_amd64.deb ...\n", "Unpacking libpython3.6-dev:amd64 (3.6.9-1~18.04ubuntu1.12) ...\n", "Selecting previously unselected package libpython3-dev:amd64.\n", "Preparing to unpack .../095-libpython3-dev_3.6.7-1~18.04_amd64.deb ...\n", "Unpacking libpython3-dev:amd64 (3.6.7-1~18.04) ...\n", "Selecting previously unselected package nginx-core.\n", "Preparing to unpack .../096-nginx-core_1.14.0-0ubuntu1.11_amd64.deb ...\n", "Unpacking nginx-core (1.14.0-0ubuntu1.11) ...\n", "Selecting previously unselected package nginx.\n", "Preparing to unpack .../097-nginx_1.14.0-0ubuntu1.11_all.deb ...\n", "Unpacking nginx (1.14.0-0ubuntu1.11) ...\n", "Selecting previously unselected package openjdk-8-jdk-headless:amd64.\n", "Preparing to unpack .../098-openjdk-8-jdk-headless_8u372-ga~us1-0ubuntu1~18.04_amd64.deb ...\n", "Unpacking openjdk-8-jdk-headless:amd64 (8u372-ga~us1-0ubuntu1~18.04) ...\n", "Selecting previously unselected package python-pip-whl.\n", "Preparing to unpack .../099-python-pip-whl_9.0.1-2.3~ubuntu1.18.04.8_all.deb ...\n", "Unpacking python-pip-whl (9.0.1-2.3~ubuntu1.18.04.8) ...\n", "Selecting previously unselected package python3.6-dev.\n", "Preparing to unpack .../100-python3.6-dev_3.6.9-1~18.04ubuntu1.12_amd64.deb ...\n", "Unpacking python3.6-dev (3.6.9-1~18.04ubuntu1.12) ...\n", "Selecting previously unselected package python3-dev.\n", "Preparing to unpack .../101-python3-dev_3.6.7-1~18.04_amd64.deb ...\n", "Unpacking python3-dev (3.6.7-1~18.04) ...\n", "Selecting previously unselected package python3-pip.\n", "Preparing to unpack .../102-python3-pip_9.0.1-2.3~ubuntu1.18.04.8_all.deb ...\n", "Unpacking python3-pip (9.0.1-2.3~ubuntu1.18.04.8) ...\n", "Selecting previously unselected package python3-pkg-resources.\n", "Preparing to unpack .../103-python3-pkg-resources_39.0.1-2ubuntu0.1_all.deb ...\n", "Unpacking python3-pkg-resources (39.0.1-2ubuntu0.1) ...\n", "Selecting previously unselected package python3-setuptools.\n", "Preparing to unpack .../104-python3-setuptools_39.0.1-2ubuntu0.1_all.deb ...\n", "Unpacking python3-setuptools (39.0.1-2ubuntu0.1) ...\n", "Selecting previously unselected package python3-wheel.\n", "Preparing to unpack .../105-python3-wheel_0.30.0-0.2ubuntu0.1_all.deb ...\n", "Unpacking python3-wheel (0.30.0-0.2ubuntu0.1) ...\n", "Selecting previously unselected package vim-runtime.\n", "Preparing to unpack .../106-vim-runtime_2%3a8.0.1453-1ubuntu1.13_all.deb ...\n", "Adding 'diversion of /usr/share/vim/vim80/doc/help.txt to /usr/share/vim/vim80/doc/help.txt.vim-tiny by vim-runtime'\n", "Adding 'diversion of /usr/share/vim/vim80/doc/tags to /usr/share/vim/vim80/doc/tags.vim-tiny by vim-runtime'\n", "Unpacking vim-runtime (2:8.0.1453-1ubuntu1.13) ...\n", "Selecting previously unselected package vim.\n", "Preparing to unpack .../107-vim_2%3a8.0.1453-1ubuntu1.13_amd64.deb ...\n", "Unpacking vim (2:8.0.1453-1ubuntu1.13) ...\n", "Setting up libquadmath0:amd64 (8.4.0-1ubuntu1~18.04) ...\n", "Setting up libgomp1:amd64 (8.4.0-1ubuntu1~18.04) ...\n", "Setting up libatomic1:amd64 (8.4.0-1ubuntu1~18.04) ...\n", "Setting up python-pip-whl (9.0.1-2.3~ubuntu1.18.04.8) ...\n", "Setting up libicu60:amd64 (60.2-3ubuntu3.2) ...\n", "Setting up libcc1-0:amd64 (8.4.0-1ubuntu1~18.04) ...\n", "Setting up make (4.1-9.1ubuntu1) ...\n", "Setting up xxd (2:8.0.1453-1ubuntu1.13) ...\n", "Setting up libpng16-16:amd64 (1.6.34-1ubuntu0.18.04.2) ...\n", "Setting up liblcms2-2:amd64 (2.9-1ubuntu0.1) ...\n", "Setting up libjbig0:amd64 (2.1-3.1ubuntu0.18.04.1) ...\n", "Setting up libpcsclite1:amd64 (1.8.23-1) ...\n", "Setting up libgpm2:amd64 (1.20.7-5) ...\n", "Setting up fonts-dejavu-core (2.37-1) ...\n", "Setting up libelf1:amd64 (0.170-0.4ubuntu0.1) ...\n", "Setting up libtsan0:amd64 (8.4.0-1ubuntu1~18.04) ...\n", "Setting up nginx-common (1.14.0-0ubuntu1.11) ...\n", "debconf: unable to initialize frontend: Dialog\n", "debconf: (TERM is not set, so the dialog frontend is not usable.)\n", "debconf: falling back to frontend: Readline\n", "Setting up linux-libc-dev:amd64 (4.15.0-212.223) ...\n", "Setting up libmpfr6:amd64 (4.0.1-1) ...\n", "Setting up java-common (0.68ubuntu1~18.04.1) ...\n", "Setting up libjpeg-turbo8:amd64 (1.5.2-0ubuntu5.18.04.6) ...\n", "Setting up python3-wheel (0.30.0-0.2ubuntu0.1) ...\n", "Setting up perl-modules-5.26 (5.26.1-6ubuntu0.7) ...\n", "Setting up python3-pkg-resources (39.0.1-2ubuntu0.1) ...\n", "Setting up libgdbm5:amd64 (1.14.1-6) ...\n", "Setting up libgeoip1:amd64 (1.6.12-1) ...\n", "Setting up libbsd0:amd64 (0.8.7-1ubuntu0.1) ...\n", "Setting up libnspr4:amd64 (2:4.18-1ubuntu1) ...\n", "Setting up ucf (3.0038) ...\n", "debconf: unable to initialize frontend: Dialog\n", "debconf: (TERM is not set, so the dialog frontend is not usable.)\n", "debconf: falling back to frontend: Readline\n", "Setting up libxml2:amd64 (2.9.4+dfsg1-6.1ubuntu1.9) ...\n", "Setting up libfreetype6:amd64 (2.8.1-2ubuntu2.2) ...\n", "Setting up liblsan0:amd64 (8.4.0-1ubuntu1~18.04) ...\n", "Setting up libxslt1.1:amd64 (1.1.29-5ubuntu0.3) ...\n", "Setting up gcc-7-base:amd64 (7.5.0-3ubuntu1~18.04) ...\n", "Setting up binutils-common:amd64 (2.30-21ubuntu1~18.04.9) ...\n", "Setting up libmpx2:amd64 (8.4.0-1ubuntu1~18.04) ...\n", "Setting up patch (2.7.6-2ubuntu1.1) ...\n", "Setting up libpq5:amd64 (10.23-0ubuntu0.18.04.2) ...\n", "Setting up wget (1.19.4-1ubuntu2.2) ...\n", "Setting up vim-common (2:8.0.1453-1ubuntu1.13) ...\n", "Setting up libnginx-mod-mail (1.14.0-0ubuntu1.11) ...\n", "Setting up vim-runtime (2:8.0.1453-1ubuntu1.13) ...\n", "Setting up libnginx-mod-http-xslt-filter (1.14.0-0ubuntu1.11) ...\n", "Setting up libmpc3:amd64 (1.1.0-1) ...\n", "Setting up libc-dev-bin (2.27-3ubuntu1.6) ...\n", "Setting up libxdmcp6:amd64 (1:1.1.2-3) ...\n", "Setting up libgdbm-compat4:amd64 (1.14.1-6) ...\n", "Setting up python3-lib2to3 (3.6.9-1~18.04) ...\n", "Setting up x11-common (1:7.7+19ubuntu7.1) ...\n", "debconf: unable to initialize frontend: Dialog\n", "debconf: (TERM is not set, so the dialog frontend is not usable.)\n", "debconf: falling back to frontend: Readline\n", "update-rc.d: warning: start and stop actions are no longer supported; falling back to defaults\n", "invoke-rc.d: could not determine current runlevel\n", "invoke-rc.d: policy-rc.d denied execution of start.\n", "Setting up libc6-dev:amd64 (2.27-3ubuntu1.6) ...\n", "Setting up libmnl0:amd64 (1.0.4-2) ...\n", "Setting up libnginx-mod-http-geoip (1.14.0-0ubuntu1.11) ...\n", "Setting up python3-distutils (3.6.9-1~18.04) ...\n", "Setting up libitm1:amd64 (8.4.0-1ubuntu1~18.04) ...\n", "Setting up libx11-data (2:1.6.4-3ubuntu0.4) ...\n", "Setting up libxau6:amd64 (1:1.0.8-1ubuntu1) ...\n", "Setting up libdbus-1-3:amd64 (1.12.2-1ubuntu1.4) ...\n", "Setting up libavahi-common-data:amd64 (0.7-3.1ubuntu1.3) ...\n", "Setting up libpython3.6:amd64 (3.6.9-1~18.04ubuntu1.12) ...\n", "Setting up libwebp6:amd64 (0.6.1-2ubuntu0.18.04.2) ...\n", "Setting up libjpeg8:amd64 (8c-2ubuntu8) ...\n", "Setting up libisl19:amd64 (0.19-1) ...\n", "Setting up fontconfig-config (2.12.6-0ubuntu2) ...\n", "Setting up libpq-dev (10.23-0ubuntu0.18.04.2) ...\n", "Setting up libnginx-mod-stream (1.14.0-0ubuntu1.11) ...\n", "Setting up libasan4:amd64 (7.5.0-3ubuntu1~18.04) ...\n", "Setting up libbinutils:amd64 (2.30-21ubuntu1~18.04.9) ...\n", "Setting up vim (2:8.0.1453-1ubuntu1.13) ...\n", "update-alternatives: using /usr/bin/vim.basic to provide /usr/bin/vim (vim) in auto mode\n", "update-alternatives: using /usr/bin/vim.basic to provide /usr/bin/vimdiff (vimdiff) in auto mode\n", "update-alternatives: using /usr/bin/vim.basic to provide /usr/bin/rvim (rvim) in auto mode\n", "update-alternatives: using /usr/bin/vim.basic to provide /usr/bin/rview (rview) in auto mode\n", "update-alternatives: using /usr/bin/vim.basic to provide /usr/bin/vi (vi) in auto mode\n", "update-alternatives: warning: skip creation of /usr/share/man/fr/man1/vi.1.gz because associated file /usr/share/man/fr/man1/vim.1.gz (of link group vi) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/it/man1/vi.1.gz because associated file /usr/share/man/it/man1/vim.1.gz (of link group vi) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/pl/man1/vi.1.gz because associated file /usr/share/man/pl/man1/vim.1.gz (of link group vi) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/ru/man1/vi.1.gz because associated file /usr/share/man/ru/man1/vim.1.gz (of link group vi) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/ja/man1/vi.1.gz because associated file /usr/share/man/ja/man1/vim.1.gz (of link group vi) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/man1/vi.1.gz because associated file /usr/share/man/man1/vim.1.gz (of link group vi) doesn't exist\n", "update-alternatives: using /usr/bin/vim.basic to provide /usr/bin/view (view) in auto mode\n", "update-alternatives: warning: skip creation of /usr/share/man/fr/man1/view.1.gz because associated file /usr/share/man/fr/man1/vim.1.gz (of link group view) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/it/man1/view.1.gz because associated file /usr/share/man/it/man1/vim.1.gz (of link group view) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/pl/man1/view.1.gz because associated file /usr/share/man/pl/man1/vim.1.gz (of link group view) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/ru/man1/view.1.gz because associated file /usr/share/man/ru/man1/vim.1.gz (of link group view) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/ja/man1/view.1.gz because associated file /usr/share/man/ja/man1/vim.1.gz (of link group view) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/man1/view.1.gz because associated file /usr/share/man/man1/vim.1.gz (of link group view) doesn't exist\n", "update-alternatives: using /usr/bin/vim.basic to provide /usr/bin/ex (ex) in auto mode\n", "update-alternatives: warning: skip creation of /usr/share/man/fr/man1/ex.1.gz because associated file /usr/share/man/fr/man1/vim.1.gz (of link group ex) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/it/man1/ex.1.gz because associated file /usr/share/man/it/man1/vim.1.gz (of link group ex) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/pl/man1/ex.1.gz because associated file /usr/share/man/pl/man1/vim.1.gz (of link group ex) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/ru/man1/ex.1.gz because associated file /usr/share/man/ru/man1/vim.1.gz (of link group ex) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/ja/man1/ex.1.gz because associated file /usr/share/man/ja/man1/vim.1.gz (of link group ex) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/man1/ex.1.gz because associated file /usr/share/man/man1/vim.1.gz (of link group ex) doesn't exist\n", "update-alternatives: using /usr/bin/vim.basic to provide /usr/bin/editor (editor) in auto mode\n", "update-alternatives: warning: skip creation of /usr/share/man/fr/man1/editor.1.gz because associated file /usr/share/man/fr/man1/vim.1.gz (of link group editor) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/it/man1/editor.1.gz because associated file /usr/share/man/it/man1/vim.1.gz (of link group editor) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/pl/man1/editor.1.gz because associated file /usr/share/man/pl/man1/vim.1.gz (of link group editor) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/ru/man1/editor.1.gz because associated file /usr/share/man/ru/man1/vim.1.gz (of link group editor) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/ja/man1/editor.1.gz because associated file /usr/share/man/ja/man1/vim.1.gz (of link group editor) doesn't exist\n", "update-alternatives: warning: skip creation of /usr/share/man/man1/editor.1.gz because associated file /usr/share/man/man1/vim.1.gz (of link group editor) doesn't exist\n", "Setting up libcilkrts5:amd64 (7.5.0-3ubuntu1~18.04) ...\n", "Setting up libubsan0:amd64 (7.5.0-3ubuntu1~18.04) ...\n", "Setting up libnss3:amd64 (2:3.35-2ubuntu2.16) ...\n", "Setting up libtiff5:amd64 (4.0.9-5ubuntu0.10) ...\n", "Setting up iproute2 (4.15.0-2ubuntu1.3) ...\n", "Setting up libgcc-7-dev:amd64 (7.5.0-3ubuntu1~18.04) ...\n", "Setting up cpp-7 (7.5.0-3ubuntu1~18.04) ...\n", "Setting up libstdc++-7-dev:amd64 (7.5.0-3ubuntu1~18.04) ...\n", "Setting up libperl5.26:amd64 (5.26.1-6ubuntu0.7) ...\n", "Setting up python3-pip (9.0.1-2.3~ubuntu1.18.04.8) ...\n", "Setting up libexpat1-dev:amd64 (2.2.5-3ubuntu0.9) ...\n", "Setting up libavahi-common3:amd64 (0.7-3.1ubuntu1.3) ...\n", "Setting up python3-setuptools (39.0.1-2ubuntu0.1) ...\n", "Setting up dh-python (3.20180325ubuntu2) ...\n", "Setting up libxcb1:amd64 (1.13-2~ubuntu18.04) ...\n", "Setting up binutils-x86-64-linux-gnu (2.30-21ubuntu1~18.04.9) ...\n", "Setting up cpp (4:7.4.0-1ubuntu2.3) ...\n", "Setting up libfontconfig1:amd64 (2.12.6-0ubuntu2) ...\n", "Setting up libx11-6:amd64 (2:1.6.4-3ubuntu0.4) ...\n", "Setting up libpython3.6-dev:amd64 (3.6.9-1~18.04ubuntu1.12) ...\n", "Setting up perl (5.26.1-6ubuntu0.7) ...\n", "Setting up libxpm4:amd64 (1:3.5.12-1ubuntu0.18.04.2) ...\n", "Setting up libxrender1:amd64 (1:0.9.10-1) ...\n", "Setting up libavahi-client3:amd64 (0.7-3.1ubuntu1.3) ...\n", "Setting up binutils (2.30-21ubuntu1~18.04.9) ...\n", "Setting up python3.6-dev (3.6.9-1~18.04ubuntu1.12) ...\n", "Setting up libcups2:amd64 (2.2.7-1ubuntu2.10) ...\n", "Setting up libpython3-dev:amd64 (3.6.7-1~18.04) ...\n", "Setting up libxext6:amd64 (2:1.3.3-1) ...\n", "Setting up gcc-7 (7.5.0-3ubuntu1~18.04) ...\n", "Setting up g++-7 (7.5.0-3ubuntu1~18.04) ...\n", "Setting up libdpkg-perl (1.19.0.5ubuntu2.4) ...\n", "Setting up libgd3:amd64 (2.2.5-4ubuntu0.5) ...\n", "Setting up python3-dev (3.6.7-1~18.04) ...\n", "Setting up gcc (4:7.4.0-1ubuntu2.3) ...\n", "Setting up libxtst6:amd64 (2:1.2.3-1) ...\n", "Setting up dpkg-dev (1.19.0.5ubuntu2.4) ...\n", "Setting up g++ (4:7.4.0-1ubuntu2.3) ...\n", "update-alternatives: using /usr/bin/g++ to provide /usr/bin/c++ (c++) in auto mode\n", "update-alternatives: warning: skip creation of /usr/share/man/man1/c++.1.gz because associated file /usr/share/man/man1/g++.1.gz (of link group c++) doesn't exist\n", "Setting up libxi6:amd64 (2:1.7.9-1) ...\n", "Setting up build-essential (12.4ubuntu1) ...\n", "Setting up libnginx-mod-http-image-filter (1.14.0-0ubuntu1.11) ...\n", "Setting up nginx-core (1.14.0-0ubuntu1.11) ...\n", "invoke-rc.d: could not determine current runlevel\n", "invoke-rc.d: policy-rc.d denied execution of start.\n", "Setting up nginx (1.14.0-0ubuntu1.11) ...\n", "Setting up ca-certificates-java (20180516ubuntu1~18.04.2) ...\n", "head: cannot open '/etc/ssl/certs/java/cacerts' for reading: No such file or directory\n", "Adding debian:ACCVRAIZ1.pem\n", "Adding debian:AC_RAIZ_FNMT-RCM.pem\n", "Adding debian:AC_RAIZ_FNMT-RCM_SERVIDORES_SEGUROS.pem\n", "Adding debian:ANF_Secure_Server_Root_CA.pem\n", "Adding debian:Actalis_Authentication_Root_CA.pem\n", "Adding debian:AffirmTrust_Commercial.pem\n", "Adding debian:AffirmTrust_Networking.pem\n", "Adding debian:AffirmTrust_Premium.pem\n", "Adding debian:AffirmTrust_Premium_ECC.pem\n", "Adding debian:Amazon_Root_CA_1.pem\n", "Adding debian:Amazon_Root_CA_2.pem\n", "Adding debian:Amazon_Root_CA_3.pem\n", "Adding debian:Amazon_Root_CA_4.pem\n", "Adding debian:Atos_TrustedRoot_2011.pem\n", "Adding debian:Autoridad_de_Certificacion_Firmaprofesional_CIF_A62634068.pem\n", "Adding debian:Autoridad_de_Certificacion_Firmaprofesional_CIF_A62634068_2.pem\n", "Adding debian:Baltimore_CyberTrust_Root.pem\n", "Adding debian:Buypass_Class_2_Root_CA.pem\n", "Adding debian:Buypass_Class_3_Root_CA.pem\n", "Adding debian:CA_Disig_Root_R2.pem\n", "Adding debian:CFCA_EV_ROOT.pem\n", "Adding debian:COMODO_Certification_Authority.pem\n", "Adding debian:COMODO_ECC_Certification_Authority.pem\n", "Adding debian:COMODO_RSA_Certification_Authority.pem\n", "Adding debian:Certainly_Root_E1.pem\n", "Adding debian:Certainly_Root_R1.pem\n", "Adding debian:Certigna.pem\n", "Adding debian:Certigna_Root_CA.pem\n", "Adding debian:Certum_EC-384_CA.pem\n", "Adding debian:Certum_Trusted_Network_CA.pem\n", "Adding debian:Certum_Trusted_Network_CA_2.pem\n", "Adding debian:Certum_Trusted_Root_CA.pem\n", "Adding debian:Comodo_AAA_Services_root.pem\n", "Adding debian:D-TRUST_BR_Root_CA_1_2020.pem\n", "Adding debian:D-TRUST_EV_Root_CA_1_2020.pem\n", "Adding debian:D-TRUST_Root_Class_3_CA_2_2009.pem\n", "Adding debian:D-TRUST_Root_Class_3_CA_2_EV_2009.pem\n", "Adding debian:DigiCert_Assured_ID_Root_CA.pem\n", "Adding debian:DigiCert_Assured_ID_Root_G2.pem\n", "Adding debian:DigiCert_Assured_ID_Root_G3.pem\n", "Adding debian:DigiCert_Global_Root_CA.pem\n", "Adding debian:DigiCert_Global_Root_G2.pem\n", "Adding debian:DigiCert_Global_Root_G3.pem\n", "Adding debian:DigiCert_High_Assurance_EV_Root_CA.pem\n", "Adding debian:DigiCert_TLS_ECC_P384_Root_G5.pem\n", "Adding debian:DigiCert_TLS_RSA4096_Root_G5.pem\n", "Adding debian:DigiCert_Trusted_Root_G4.pem\n", "Adding debian:E-Tugra_Certification_Authority.pem\n", "Adding debian:E-Tugra_Global_Root_CA_ECC_v3.pem\n", "Adding debian:E-Tugra_Global_Root_CA_RSA_v3.pem\n", "Adding debian:Entrust.net_Premium_2048_Secure_Server_CA.pem\n", "Adding debian:Entrust_Root_Certification_Authority.pem\n", "Adding debian:Entrust_Root_Certification_Authority_-_EC1.pem\n", "Adding debian:Entrust_Root_Certification_Authority_-_G2.pem\n", "Adding debian:Entrust_Root_Certification_Authority_-_G4.pem\n", "Adding debian:GDCA_TrustAUTH_R5_ROOT.pem\n", "Adding debian:GLOBALTRUST_2020.pem\n", "Adding debian:GTS_Root_R1.pem\n", "Adding debian:GTS_Root_R2.pem\n", "Adding debian:GTS_Root_R3.pem\n", "Adding debian:GTS_Root_R4.pem\n", "Adding debian:GlobalSign_ECC_Root_CA_-_R4.pem\n", "Adding debian:GlobalSign_ECC_Root_CA_-_R5.pem\n", "Adding debian:GlobalSign_Root_CA.pem\n", "Adding debian:GlobalSign_Root_CA_-_R3.pem\n", "Adding debian:GlobalSign_Root_CA_-_R6.pem\n", "Adding debian:GlobalSign_Root_E46.pem\n", "Adding debian:GlobalSign_Root_R46.pem\n", "Adding debian:Go_Daddy_Class_2_CA.pem\n", "Adding debian:Go_Daddy_Root_Certificate_Authority_-_G2.pem\n", "Adding debian:HARICA_TLS_ECC_Root_CA_2021.pem\n", "Adding debian:HARICA_TLS_RSA_Root_CA_2021.pem\n", "Adding debian:Hellenic_Academic_and_Research_Institutions_ECC_RootCA_2015.pem\n", "Adding debian:Hellenic_Academic_and_Research_Institutions_RootCA_2015.pem\n", "Adding debian:HiPKI_Root_CA_-_G1.pem\n", "Adding debian:Hongkong_Post_Root_CA_1.pem\n", "Adding debian:Hongkong_Post_Root_CA_3.pem\n", "Adding debian:ISRG_Root_X1.pem\n", "Adding debian:ISRG_Root_X2.pem\n", "Adding debian:IdenTrust_Commercial_Root_CA_1.pem\n", "Adding debian:IdenTrust_Public_Sector_Root_CA_1.pem\n", "Adding debian:Izenpe.com.pem\n", "Adding debian:Microsec_e-Szigno_Root_CA_2009.pem\n", "Adding debian:Microsoft_ECC_Root_Certificate_Authority_2017.pem\n", "Adding debian:Microsoft_RSA_Root_Certificate_Authority_2017.pem\n", "Adding debian:NAVER_Global_Root_Certification_Authority.pem\n", "Adding debian:NetLock_Arany_=Class_Gold=_Főtanúsítvány.pem\n", "Adding debian:OISTE_WISeKey_Global_Root_GB_CA.pem\n", "Adding debian:OISTE_WISeKey_Global_Root_GC_CA.pem\n", "Adding debian:QuoVadis_Root_CA_1_G3.pem\n", "Adding debian:QuoVadis_Root_CA_2.pem\n", "Adding debian:QuoVadis_Root_CA_2_G3.pem\n", "Adding debian:QuoVadis_Root_CA_3.pem\n", "Adding debian:QuoVadis_Root_CA_3_G3.pem\n", "Adding debian:SSL.com_EV_Root_Certification_Authority_ECC.pem\n", "Adding debian:SSL.com_EV_Root_Certification_Authority_RSA_R2.pem\n", "Adding debian:SSL.com_Root_Certification_Authority_ECC.pem\n", "Adding debian:SSL.com_Root_Certification_Authority_RSA.pem\n", "Adding debian:SZAFIR_ROOT_CA2.pem\n", "Adding debian:SecureSign_RootCA11.pem\n", "Adding debian:SecureTrust_CA.pem\n", "Adding debian:Secure_Global_CA.pem\n", "Adding debian:Security_Communication_ECC_RootCA1.pem\n", "Adding debian:Security_Communication_RootCA2.pem\n", "Adding debian:Security_Communication_RootCA3.pem\n", "Adding debian:Security_Communication_Root_CA.pem\n", "Adding debian:Starfield_Class_2_CA.pem\n", "Adding debian:Starfield_Root_Certificate_Authority_-_G2.pem\n", "Adding debian:Starfield_Services_Root_Certificate_Authority_-_G2.pem\n", "Adding debian:SwissSign_Gold_CA_-_G2.pem\n", "Adding debian:SwissSign_Silver_CA_-_G2.pem\n", "Adding debian:T-TeleSec_GlobalRoot_Class_2.pem\n", "Adding debian:T-TeleSec_GlobalRoot_Class_3.pem\n", "Adding debian:TUBITAK_Kamu_SM_SSL_Kok_Sertifikasi_-_Surum_1.pem\n", "Adding debian:TWCA_Global_Root_CA.pem\n", "Adding debian:TWCA_Root_Certification_Authority.pem\n", "Adding debian:TeliaSonera_Root_CA_v1.pem\n", "Adding debian:Telia_Root_CA_v2.pem\n", "Adding debian:Trustwave_Global_Certification_Authority.pem\n", "Adding debian:Trustwave_Global_ECC_P256_Certification_Authority.pem\n", "Adding debian:Trustwave_Global_ECC_P384_Certification_Authority.pem\n", "Adding debian:TunTrust_Root_CA.pem\n", "Adding debian:UCA_Extended_Validation_Root.pem\n", "Adding debian:UCA_Global_G2_Root.pem\n", "Adding debian:USERTrust_ECC_Certification_Authority.pem\n", "Adding debian:USERTrust_RSA_Certification_Authority.pem\n", "Adding debian:XRamp_Global_CA_Root.pem\n", "Adding debian:certSIGN_ROOT_CA.pem\n", "Adding debian:certSIGN_Root_CA_G2.pem\n", "Adding debian:e-Szigno_Root_CA_2017.pem\n", "Adding debian:ePKI_Root_Certification_Authority.pem\n", "Adding debian:emSign_ECC_Root_CA_-_C3.pem\n", "Adding debian:emSign_ECC_Root_CA_-_G3.pem\n", "Adding debian:emSign_Root_CA_-_C1.pem\n", "Adding debian:emSign_Root_CA_-_G1.pem\n", "Adding debian:vTrus_ECC_Root_CA.pem\n", "Adding debian:vTrus_Root_CA.pem\n", "done.\n", "Processing triggers for mime-support (3.60ubuntu1) ...\n", "Processing triggers for libc-bin (2.27-3ubuntu1.6) ...\n", "Processing triggers for ca-certificates (20230311ubuntu0.18.04.1) ...\n", "Updating certificates in /etc/ssl/certs...\n", "0 added, 0 removed; done.\n", "Running hooks in /etc/ca-certificates/update.d...\n", "\n", "done.\n", "done.\n", "Setting up openjdk-8-jre-headless:amd64 (8u372-ga~us1-0ubuntu1~18.04) ...\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/jre/bin/rmid to provide /usr/bin/rmid (rmid) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/jre/bin/java to provide /usr/bin/java (java) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/jre/bin/keytool to provide /usr/bin/keytool (keytool) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/jre/bin/jjs to provide /usr/bin/jjs (jjs) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/jre/bin/pack200 to provide /usr/bin/pack200 (pack200) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/jre/bin/rmiregistry to provide /usr/bin/rmiregistry (rmiregistry) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/jre/bin/unpack200 to provide /usr/bin/unpack200 (unpack200) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/jre/bin/orbd to provide /usr/bin/orbd (orbd) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/jre/bin/servertool to provide /usr/bin/servertool (servertool) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/jre/bin/tnameserv to provide /usr/bin/tnameserv (tnameserv) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/jre/lib/jexec to provide /usr/bin/jexec (jexec) in auto mode\n", "Setting up openjdk-8-jdk-headless:amd64 (8u372-ga~us1-0ubuntu1~18.04) ...\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/idlj to provide /usr/bin/idlj (idlj) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/jdeps to provide /usr/bin/jdeps (jdeps) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/wsimport to provide /usr/bin/wsimport (wsimport) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/rmic to provide /usr/bin/rmic (rmic) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/jinfo to provide /usr/bin/jinfo (jinfo) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/jsadebugd to provide /usr/bin/jsadebugd (jsadebugd) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/native2ascii to provide /usr/bin/native2ascii (native2ascii) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/jstat to provide /usr/bin/jstat (jstat) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/javadoc to provide /usr/bin/javadoc (javadoc) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/javah to provide /usr/bin/javah (javah) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/clhsdb to provide /usr/bin/clhsdb (clhsdb) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/jstack to provide /usr/bin/jstack (jstack) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/jrunscript to provide /usr/bin/jrunscript (jrunscript) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/javac to provide /usr/bin/javac (javac) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/jhat to provide /usr/bin/jhat (jhat) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/javap to provide /usr/bin/javap (javap) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/jar to provide /usr/bin/jar (jar) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/extcheck to provide /usr/bin/extcheck (extcheck) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/hsdb to provide /usr/bin/hsdb (hsdb) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/schemagen to provide /usr/bin/schemagen (schemagen) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/jps to provide /usr/bin/jps (jps) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/xjc to provide /usr/bin/xjc (xjc) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/jmap to provide /usr/bin/jmap (jmap) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/jstatd to provide /usr/bin/jstatd (jstatd) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/jdb to provide /usr/bin/jdb (jdb) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/serialver to provide /usr/bin/serialver (serialver) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/jfr to provide /usr/bin/jfr (jfr) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/wsgen to provide /usr/bin/wsgen (wsgen) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/jcmd to provide /usr/bin/jcmd (jcmd) in auto mode\n", "update-alternatives: using /usr/lib/jvm/java-8-openjdk-amd64/bin/jarsigner to provide /usr/bin/jarsigner (jarsigner) in auto mode\n", "Removing intermediate container 100ebc8a1a55\n", " ---> 2d0f2a36b5b5\n", "Step 4/16 : RUN pip3 install --upgrade pip\n", " ---> Running in 411f505c9307\n", "Collecting pip\n", " Downloading https://files.pythonhosted.org/packages/a4/6d/6463d49a933f547439d6b5b98b46af8742cc03ae83543e4d7688c2420f8b/pip-21.3.1-py3-none-any.whl (1.7MB)\n", "Installing collected packages: pip\n", " Found existing installation: pip 9.0.1\n", " Not uninstalling pip at /usr/lib/python3/dist-packages, outside environment /usr\n", "Successfully installed pip-21.3.1\n", "Removing intermediate container 411f505c9307\n", " ---> 0b335db45ca8\n", "Step 5/16 : RUN pip3 install wheel\n", " ---> Running in 578ac4b16c8e\n", "Requirement already satisfied: wheel in /usr/lib/python3/dist-packages (0.30.0)\n", "\u001b[91mWARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv\n", "\u001b[0mRemoving intermediate container 578ac4b16c8e\n", " ---> 4e8bc6af709e\n", "Step 6/16 : RUN pip3 --no-cache-dir install setuptools numpy pandas flask gevent gunicorn mxnet multi-model-server sagemaker-inference retrying\n", " ---> Running in 4e61a935fa5f\n", "Requirement already satisfied: setuptools in /usr/lib/python3/dist-packages (39.0.1)\n", "Collecting numpy\n", " Downloading numpy-1.19.5-cp36-cp36m-manylinux2010_x86_64.whl (14.8 MB)\n", "Collecting pandas\n", " Downloading pandas-1.1.5-cp36-cp36m-manylinux1_x86_64.whl (9.5 MB)\n", "Collecting flask\n", " Downloading Flask-2.0.3-py3-none-any.whl (95 kB)\n", "Collecting gevent\n", " Downloading gevent-22.10.2-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (5.8 MB)\n", "Collecting gunicorn\n", " Downloading gunicorn-20.1.0-py3-none-any.whl (79 kB)\n", "Collecting mxnet\n", " Downloading mxnet-1.9.1-py3-none-manylinux2014_x86_64.whl (49.1 MB)\n", "Collecting multi-model-server\n", " Downloading multi_model_server-1.1.11-py2.py3-none-any.whl (6.8 MB)\n", "Collecting sagemaker-inference\n", " Downloading sagemaker_inference-1.9.3.tar.gz (22 kB)\n", " Preparing metadata (setup.py): started\n", " Preparing metadata (setup.py): finished with status 'done'\n", "Collecting retrying\n", " Downloading retrying-1.3.4-py3-none-any.whl (11 kB)\n", "Collecting pytz>=2017.2\n", " Downloading pytz-2023.3-py2.py3-none-any.whl (502 kB)\n", "Collecting python-dateutil>=2.7.3\n", " Downloading python_dateutil-2.8.2-py2.py3-none-any.whl (247 kB)\n", "Collecting Jinja2>=3.0\n", " Downloading Jinja2-3.0.3-py3-none-any.whl (133 kB)\n", "Collecting Werkzeug>=2.0\n", " Downloading Werkzeug-2.0.3-py3-none-any.whl (289 kB)\n", "Collecting itsdangerous>=2.0\n", " Downloading itsdangerous-2.0.1-py3-none-any.whl (18 kB)\n", "Collecting click>=7.1.2\n", " Downloading click-8.0.4-py3-none-any.whl (97 kB)\n", "Collecting zope.interface\n", " Downloading zope.interface-5.5.2-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl (253 kB)\n", "Collecting greenlet>=2.0.0\n", " Downloading greenlet-2.0.2-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (564 kB)\n", "Collecting zope.event\n", " Downloading zope.event-4.6-py2.py3-none-any.whl (6.8 kB)\n", "Collecting graphviz<0.9.0,>=0.8.1\n", " Downloading graphviz-0.8.4-py2.py3-none-any.whl (16 kB)\n", "Collecting requests<3,>=2.20.0\n", " Downloading requests-2.27.1-py2.py3-none-any.whl (63 kB)\n", "Collecting psutil\n", " Downloading psutil-5.9.5-cp36-abi3-manylinux_2_12_x86_64.manylinux2010_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl (282 kB)\n", "Collecting model-archiver\n", " Downloading model_archiver-1.0.3-py2.py3-none-any.whl (20 kB)\n", "Collecting future\n", " Downloading future-0.18.3.tar.gz (840 kB)\n", " Preparing metadata (setup.py): started\n", " Preparing metadata (setup.py): finished with status 'done'\n", "Collecting Pillow\n", " Downloading Pillow-8.4.0-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.1 MB)\n", "Collecting scipy\n", " Downloading scipy-1.5.4-cp36-cp36m-manylinux1_x86_64.whl (25.9 MB)\n", "Collecting six\n", " Downloading six-1.16.0-py2.py3-none-any.whl (11 kB)\n", "Collecting importlib-metadata\n", " Downloading importlib_metadata-4.8.3-py3-none-any.whl (17 kB)\n", "Collecting MarkupSafe>=2.0\n", " Downloading MarkupSafe-2.0.1-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl (30 kB)\n", "Collecting urllib3<1.27,>=1.21.1\n", " Downloading urllib3-1.26.16-py2.py3-none-any.whl (143 kB)\n", "Collecting idna<4,>=2.5\n", " Downloading idna-3.4-py3-none-any.whl (61 kB)\n", "Collecting charset-normalizer~=2.0.0\n", " Downloading charset_normalizer-2.0.12-py3-none-any.whl (39 kB)\n", "Collecting certifi>=2017.4.17\n", " Downloading certifi-2023.5.7-py3-none-any.whl (156 kB)\n", "Collecting dataclasses\n", " Downloading dataclasses-0.8-py3-none-any.whl (19 kB)\n", "Collecting enum-compat\n", " Downloading enum_compat-0.0.3-py3-none-any.whl (1.3 kB)\n", "Collecting zipp>=0.5\n", " Downloading zipp-3.6.0-py3-none-any.whl (5.3 kB)\n", "Collecting typing-extensions>=3.6.4\n", " Downloading typing_extensions-4.1.1-py3-none-any.whl (26 kB)\n", "Building wheels for collected packages: sagemaker-inference, future\n", " Building wheel for sagemaker-inference (setup.py): started\n", " Building wheel for sagemaker-inference (setup.py): finished with status 'done'\n", " Created wheel for sagemaker-inference: filename=sagemaker_inference-1.9.3-py2.py3-none-any.whl size=28857 sha256=aabd9aa12e8a7c68cfab6e19c4706fe47f1603c57189bb30f2def678d5d285a2\n", " Stored in directory: /tmp/pip-ephem-wheel-cache-oue95opu/wheels/4a/80/4a/629da0c2616250e82bdb1d168e4b5a834e9d40ab3c544687d2\n", " Building wheel for future (setup.py): started\n", " Building wheel for future (setup.py): finished with status 'done'\n", " Created wheel for future: filename=future-0.18.3-py3-none-any.whl size=494240 sha256=e588d07c266905e6d922a0e863b772c4dd980dbcbedac1fd8a5b7d60f81ccee5\n", " Stored in directory: /tmp/pip-ephem-wheel-cache-oue95opu/wheels/63/f1/0c/e56d12b3804345ce5ba34279cbfe583ecafdd1401551457330\n", "Successfully built sagemaker-inference future\n", "Installing collected packages: zipp, typing-extensions, urllib3, six, numpy, MarkupSafe, importlib-metadata, idna, future, enum-compat, dataclasses, charset-normalizer, certifi, zope.interface, zope.event, Werkzeug, scipy, retrying, requests, pytz, python-dateutil, psutil, Pillow, model-archiver, Jinja2, itsdangerous, greenlet, graphviz, click, sagemaker-inference, pandas, mxnet, multi-model-server, gunicorn, gevent, flask\n", "Successfully installed Jinja2-3.0.3 MarkupSafe-2.0.1 Pillow-8.4.0 Werkzeug-2.0.3 certifi-2023.5.7 charset-normalizer-2.0.12 click-8.0.4 dataclasses-0.8 enum-compat-0.0.3 flask-2.0.3 future-0.18.3 gevent-22.10.2 graphviz-0.8.4 greenlet-2.0.2 gunicorn-20.1.0 idna-3.4 importlib-metadata-4.8.3 itsdangerous-2.0.1 model-archiver-1.0.3 multi-model-server-1.1.11 mxnet-1.9.1 numpy-1.19.5 pandas-1.1.5 psutil-5.9.5 python-dateutil-2.8.2 pytz-2023.3 requests-2.27.1 retrying-1.3.4 sagemaker-inference-1.9.3 scipy-1.5.4 six-1.16.0 typing-extensions-4.1.1 urllib3-1.26.16 zipp-3.6.0 zope.event-4.6 zope.interface-5.5.2\n", "\u001b[91mWARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv\n", "\u001b[0mRemoving intermediate container 4e61a935fa5f\n", " ---> 750f48233452\n", "Step 7/16 : COPY requirements.txt /usr/local/bin/requirements.txt\n", " ---> 13bd47ea9bf3\n", "Step 8/16 : RUN pip3 install -r /usr/local/bin/requirements.txt\n", " ---> Running in 937e04954917\n", "Requirement already satisfied: numpy in /usr/local/lib/python3.6/dist-packages (from -r /usr/local/bin/requirements.txt (line 1)) (1.19.5)\n", "Collecting tensorflow>=2.5\n", " Downloading tensorflow-2.6.2-cp36-cp36m-manylinux2010_x86_64.whl (458.3 MB)\n", "Collecting tensorflow-probability\n", " Downloading tensorflow_probability-0.19.0-py2.py3-none-any.whl (6.7 MB)\n", "Collecting h5py\n", " Downloading h5py-3.1.0-cp36-cp36m-manylinux1_x86_64.whl (4.0 MB)\n", "Collecting gast==0.4.0\n", " Downloading gast-0.4.0-py3-none-any.whl (9.8 kB)\n", "Collecting flatbuffers~=1.12.0\n", " Downloading flatbuffers-1.12-py2.py3-none-any.whl (15 kB)\n", "Collecting typing-extensions~=3.7.4\n", " Downloading typing_extensions-3.7.4.3-py3-none-any.whl (22 kB)\n", "Collecting absl-py~=0.10\n", " Downloading absl_py-0.15.0-py3-none-any.whl (132 kB)\n", "Collecting keras<2.7,>=2.6.0\n", " Downloading keras-2.6.0-py2.py3-none-any.whl (1.3 MB)\n", "Collecting grpcio<2.0,>=1.37.0\n", " Downloading grpcio-1.48.2-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (4.6 MB)\n", "Collecting protobuf>=3.9.2\n", " Downloading protobuf-3.19.6-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.1 MB)\n", "Collecting astunparse~=1.6.3\n", " Downloading astunparse-1.6.3-py2.py3-none-any.whl (12 kB)\n", "Collecting wheel~=0.35\n", " Downloading wheel-0.37.1-py2.py3-none-any.whl (35 kB)\n", "Collecting tensorboard<2.7,>=2.6.0\n", " Downloading tensorboard-2.6.0-py3-none-any.whl (5.6 MB)\n", "Collecting keras-preprocessing~=1.1.2\n", " Downloading Keras_Preprocessing-1.1.2-py2.py3-none-any.whl (42 kB)\n", "Collecting clang~=5.0\n", " Downloading clang-5.0.tar.gz (30 kB)\n", " Preparing metadata (setup.py): started\n", " Preparing metadata (setup.py): finished with status 'done'\n", "Collecting opt-einsum~=3.3.0\n", " Downloading opt_einsum-3.3.0-py3-none-any.whl (65 kB)\n", "Collecting six~=1.15.0\n", " Downloading six-1.15.0-py2.py3-none-any.whl (10 kB)\n", "Collecting google-pasta~=0.2\n", " Downloading google_pasta-0.2.0-py3-none-any.whl (57 kB)\n", "Collecting tensorflow-estimator<2.7,>=2.6.0\n", " Downloading tensorflow_estimator-2.6.0-py2.py3-none-any.whl (462 kB)\n", "Collecting wrapt~=1.12.1\n", " Downloading wrapt-1.12.1.tar.gz (27 kB)\n", " Preparing metadata (setup.py): started\n", " Preparing metadata (setup.py): finished with status 'done'\n", "Collecting termcolor~=1.1.0\n", " Downloading termcolor-1.1.0.tar.gz (3.9 kB)\n", " Preparing metadata (setup.py): started\n", " Preparing metadata (setup.py): finished with status 'done'\n", "Collecting cloudpickle>=1.3\n", " Downloading cloudpickle-2.2.1-py3-none-any.whl (25 kB)\n", "Collecting decorator\n", " Downloading decorator-5.1.1-py3-none-any.whl (9.1 kB)\n", "Collecting dm-tree\n", " Downloading dm-tree-0.1.8.tar.gz (35 kB)\n", " Preparing metadata (setup.py): started\n", " Preparing metadata (setup.py): finished with status 'done'\n", "Collecting cached-property\n", " Downloading cached_property-1.5.2-py2.py3-none-any.whl (7.6 kB)\n", "Collecting tensorboard-data-server<0.7.0,>=0.6.0\n", " Downloading tensorboard_data_server-0.6.1-py3-none-manylinux2010_x86_64.whl (4.9 MB)\n", "Requirement already satisfied: requests<3,>=2.21.0 in /usr/local/lib/python3.6/dist-packages (from tensorboard<2.7,>=2.6.0->tensorflow>=2.5->-r /usr/local/bin/requirements.txt (line 2)) (2.27.1)\n", "Collecting tensorboard-plugin-wit>=1.6.0\n", " Downloading tensorboard_plugin_wit-1.8.1-py3-none-any.whl (781 kB)\n", "Collecting markdown>=2.6.8\n", " Downloading Markdown-3.3.7-py3-none-any.whl (97 kB)\n", "Collecting setuptools>=41.0.0\n", " Downloading setuptools-59.6.0-py3-none-any.whl (952 kB)\n", "Collecting google-auth-oauthlib<0.5,>=0.4.1\n", " Downloading google_auth_oauthlib-0.4.6-py2.py3-none-any.whl (18 kB)\n", "Collecting google-auth<2,>=1.6.3\n", " Downloading google_auth-1.35.0-py2.py3-none-any.whl (152 kB)\n", "Requirement already satisfied: werkzeug>=0.11.15 in /usr/local/lib/python3.6/dist-packages (from tensorboard<2.7,>=2.6.0->tensorflow>=2.5->-r /usr/local/bin/requirements.txt (line 2)) (2.0.3)\n", "Collecting pyasn1-modules>=0.2.1\n", " Downloading pyasn1_modules-0.3.0-py2.py3-none-any.whl (181 kB)\n", "Collecting cachetools<5.0,>=2.0.0\n", " Downloading cachetools-4.2.4-py3-none-any.whl (10 kB)\n", "Collecting rsa<5,>=3.1.4\n", " Downloading rsa-4.9-py3-none-any.whl (34 kB)\n", "Collecting requests-oauthlib>=0.7.0\n", " Downloading requests_oauthlib-1.3.1-py2.py3-none-any.whl (23 kB)\n", "Requirement already satisfied: importlib-metadata>=4.4 in /usr/local/lib/python3.6/dist-packages (from markdown>=2.6.8->tensorboard<2.7,>=2.6.0->tensorflow>=2.5->-r /usr/local/bin/requirements.txt (line 2)) (4.8.3)\n", "Requirement already satisfied: urllib3<1.27,>=1.21.1 in /usr/local/lib/python3.6/dist-packages (from requests<3,>=2.21.0->tensorboard<2.7,>=2.6.0->tensorflow>=2.5->-r /usr/local/bin/requirements.txt (line 2)) (1.26.16)\n", "Requirement already satisfied: charset-normalizer~=2.0.0 in /usr/local/lib/python3.6/dist-packages (from requests<3,>=2.21.0->tensorboard<2.7,>=2.6.0->tensorflow>=2.5->-r /usr/local/bin/requirements.txt (line 2)) (2.0.12)\n", "Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.6/dist-packages (from requests<3,>=2.21.0->tensorboard<2.7,>=2.6.0->tensorflow>=2.5->-r /usr/local/bin/requirements.txt (line 2)) (2023.5.7)\n", "Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.6/dist-packages (from requests<3,>=2.21.0->tensorboard<2.7,>=2.6.0->tensorflow>=2.5->-r /usr/local/bin/requirements.txt (line 2)) (3.4)\n", "Requirement already satisfied: dataclasses in /usr/local/lib/python3.6/dist-packages (from werkzeug>=0.11.15->tensorboard<2.7,>=2.6.0->tensorflow>=2.5->-r /usr/local/bin/requirements.txt (line 2)) (0.8)\n", "Requirement already satisfied: zipp>=0.5 in /usr/local/lib/python3.6/dist-packages (from importlib-metadata>=4.4->markdown>=2.6.8->tensorboard<2.7,>=2.6.0->tensorflow>=2.5->-r /usr/local/bin/requirements.txt (line 2)) (3.6.0)\n", "Collecting pyasn1<0.6.0,>=0.4.6\n", " Downloading pyasn1-0.5.0-py2.py3-none-any.whl (83 kB)\n", "Collecting oauthlib>=3.0.0\n", " Downloading oauthlib-3.2.2-py3-none-any.whl (151 kB)\n", "Building wheels for collected packages: clang, termcolor, wrapt, dm-tree\n", " Building wheel for clang (setup.py): started\n", " Building wheel for clang (setup.py): finished with status 'done'\n", " Created wheel for clang: filename=clang-5.0-py3-none-any.whl size=32138 sha256=1c85a396c24dede2fb09d42dbd4192595baa4d425427903e3e756242828fb2d1\n", " Stored in directory: /root/.cache/pip/wheels/22/4c/94/0583f60c9c5b6024ed64f290cb2d43b06bb4f75577dc3c93a7\n", " Building wheel for termcolor (setup.py): started\n", " Building wheel for termcolor (setup.py): finished with status 'done'\n", " Created wheel for termcolor: filename=termcolor-1.1.0-py3-none-any.whl size=5679 sha256=fc8afc59b062cc999aa2ff8205f450519b28180e33008dc5edc5e68af0ade4e6\n", " Stored in directory: /root/.cache/pip/wheels/93/2a/eb/e58dbcbc963549ee4f065ff80a59f274cc7210b6eab962acdc\n", " Building wheel for wrapt (setup.py): started\n", " Building wheel for wrapt (setup.py): finished with status 'done'\n", " Created wheel for wrapt: filename=wrapt-1.12.1-cp36-cp36m-linux_x86_64.whl size=69382 sha256=8b9cbd4c9341378e80f2ab1ce96f69554c87724fcbfe63fc39c4f9e7686397db\n", " Stored in directory: /root/.cache/pip/wheels/32/42/7f/23cae9ff6ef66798d00dc5d659088e57dbba01566f6c60db63\n", " Building wheel for dm-tree (setup.py): started\n", " Building wheel for dm-tree (setup.py): finished with status 'error'\n", "\u001b[91m ERROR: Command errored out with exit status 1:\n", " command: /usr/bin/python3 -u -c 'import io, os, sys, setuptools, tokenize; sys.argv[0] = '\"'\"'/tmp/pip-install-qj5s3a20/dm-tree_a2c377fa51c84805818c01e72fca202a/setup.py'\"'\"'; __file__='\"'\"'/tmp/pip-install-qj5s3a20/dm-tree_a2c377fa51c84805818c01e72fca202a/setup.py'\"'\"';f = getattr(tokenize, '\"'\"'open'\"'\"', open)(__file__) if os.path.exists(__file__) else io.StringIO('\"'\"'from setuptools import setup; setup()'\"'\"');code = f.read().replace('\"'\"'\\r\\n'\"'\"', '\"'\"'\\n'\"'\"');f.close();exec(compile(code, __file__, '\"'\"'exec'\"'\"'))' bdist_wheel -d /tmp/pip-wheel-hrep6lw5\n", " cwd: /tmp/pip-install-qj5s3a20/dm-tree_a2c377fa51c84805818c01e72fca202a/\n", " Complete output (57 lines):\n", " /usr/lib/python3.6/distutils/dist.py:261: UserWarning: Unknown distribution option: 'long_description_content_type'\n", " warnings.warn(msg)\n", " running bdist_wheel\n", " running build\n", " running build_py\n", " creating build\n", " creating build/lib.linux-x86_64-3.6\n", " creating build/lib.linux-x86_64-3.6/tree\n", " copying tree/__init__.py -> build/lib.linux-x86_64-3.6/tree\n", " copying tree/sequence.py -> build/lib.linux-x86_64-3.6/tree\n", " copying tree/tree_benchmark.py -> build/lib.linux-x86_64-3.6/tree\n", " copying tree/tree_test.py -> build/lib.linux-x86_64-3.6/tree\n", " running build_ext\n", " Traceback (most recent call last):\n", " File \"/tmp/pip-install-qj5s3a20/dm-tree_a2c377fa51c84805818c01e72fca202a/setup.py\", line 77, in _check_build_environment\n", " subprocess.check_call(['cmake', '--version'])\n", " File \"/usr/lib/python3.6/subprocess.py\", line 306, in check_call\n", " retcode = call(*popenargs, **kwargs)\n", " File \"/usr/lib/python3.6/subprocess.py\", line 287, in call\n", " with Popen(*popenargs, **kwargs) as p:\n", " File \"/usr/lib/python3.6/subprocess.py\", line 729, in __init__\n", " restore_signals, start_new_session)\n", " File \"/usr/lib/python3.6/subprocess.py\", line 1364, in _execute_child\n", " raise child_exception_type(errno_num, err_msg, err_filename)\n", " FileNotFoundError: [Errno 2] No such file or directory: 'cmake': 'cmake'\n", " \n", " The above exception was the direct cause of the following exception:\n", " \n", " Traceback (most recent call last):\n", " File \"\", line 1, in \n", " File \"/tmp/pip-install-qj5s3a20/dm-tree_a2c377fa51c84805818c01e72fca202a/setup.py\", line 155, in \n", " keywords='tree nest flatten',\n", " File \"/usr/lib/python3/dist-packages/setuptools/__init__.py\", line 129, in setup\n", " return distutils.core.setup(**attrs)\n", " File \"/usr/lib/python3.6/distutils/core.py\", line 148, in setup\n", " dist.run_commands()\n", " File \"/usr/lib/python3.6/distutils/dist.py\", line 955, in run_commands\n", " self.run_command(cmd)\n", " File \"/usr/lib/python3.6/distutils/dist.py\", line 974, in run_command\n", " cmd_obj.run()\n", " File \"/usr/lib/python3/dist-packages/wheel/bdist_wheel.py\", line 204, in run\n", " self.run_command('build')\n", " File \"/usr/lib/python3.6/distutils/cmd.py\", line 313, in run_command\n", " self.distribution.run_command(command)\n", " File \"/usr/lib/python3.6/distutils/dist.py\", line 974, in run_command\n", " cmd_obj.run()\n", " File \"/usr/lib/python3.6/distutils/command/build.py\", line 135, in run\n", " self.run_command(cmd_name)\n", " File \"/usr/lib/python3.6/distutils/cmd.py\", line 313, in run_command\n", " self.distribution.run_command(command)\n", " File \"/usr/lib/python3.6/distutils/dist.py\", line 974, in run_command\n", " cmd_obj.run()\n", " File \"/tmp/pip-install-qj5s3a20/dm-tree_a2c377fa51c84805818c01e72fca202a/setup.py\", line 70, in run\n", " self._check_build_environment()\n", " File \"/tmp/pip-install-qj5s3a20/dm-tree_a2c377fa51c84805818c01e72fca202a/setup.py\", line 82, in _check_build_environment\n", " ) from e\n", " RuntimeError: CMake must be installed to build the following extensions: _tree\n", " ----------------------------------------\n", "\u001b[0m\u001b[91m ERROR: Failed building wheel for dm-tree\n", "\u001b[0m Running setup.py clean for dm-tree\n", "Successfully built clang termcolor wrapt\n", "Failed to build dm-tree\n", "Installing collected packages: pyasn1, typing-extensions, six, setuptools, rsa, pyasn1-modules, oauthlib, cachetools, requests-oauthlib, google-auth, wheel, tensorboard-plugin-wit, tensorboard-data-server, protobuf, markdown, grpcio, google-auth-oauthlib, cached-property, absl-py, wrapt, termcolor, tensorflow-estimator, tensorboard, opt-einsum, keras-preprocessing, keras, h5py, google-pasta, gast, flatbuffers, dm-tree, decorator, cloudpickle, clang, astunparse, tensorflow-probability, tensorflow\n", " Attempting uninstall: typing-extensions\n", " Found existing installation: typing-extensions 4.1.1\n", " Uninstalling typing-extensions-4.1.1:\n", " Successfully uninstalled typing-extensions-4.1.1\n", " Attempting uninstall: six\n", " Found existing installation: six 1.16.0\n", " Uninstalling six-1.16.0:\n", " Successfully uninstalled six-1.16.0\n", " Attempting uninstall: setuptools\n", " Found existing installation: setuptools 39.0.1\n", " Uninstalling setuptools-39.0.1:\n", " Successfully uninstalled setuptools-39.0.1\n", " Attempting uninstall: wheel\n", " Found existing installation: wheel 0.30.0\n", " Uninstalling wheel-0.30.0:\n", " Successfully uninstalled wheel-0.30.0\n", " Running setup.py install for dm-tree: started\n", " Running setup.py install for dm-tree: finished with status 'error'\n", "\u001b[91m ERROR: Command errored out with exit status 1:\n", " command: /usr/bin/python3 -u -c 'import io, os, sys, setuptools, tokenize; sys.argv[0] = '\"'\"'/tmp/pip-install-qj5s3a20/dm-tree_a2c377fa51c84805818c01e72fca202a/setup.py'\"'\"'; __file__='\"'\"'/tmp/pip-install-qj5s3a20/dm-tree_a2c377fa51c84805818c01e72fca202a/setup.py'\"'\"';f = getattr(tokenize, '\"'\"'open'\"'\"', open)(__file__) if os.path.exists(__file__) else io.StringIO('\"'\"'from setuptools import setup; setup()'\"'\"');code = f.read().replace('\"'\"'\\r\\n'\"'\"', '\"'\"'\\n'\"'\"');f.close();exec(compile(code, __file__, '\"'\"'exec'\"'\"'))' install --record /tmp/pip-record-4pyqbv7x/install-record.txt --single-version-externally-managed --compile --install-headers /usr/local/include/python3.6/dm-tree\n", " cwd: /tmp/pip-install-qj5s3a20/dm-tree_a2c377fa51c84805818c01e72fca202a/\n", " Complete output (59 lines):\n", " running install\n", " /usr/local/lib/python3.6/dist-packages/setuptools/command/install.py:37: SetuptoolsDeprecationWarning: setup.py install is deprecated. Use build and pip and other standards-based tools.\n", " setuptools.SetuptoolsDeprecationWarning,\n", " running build\n", " running build_py\n", " creating build\n", " creating build/lib.linux-x86_64-3.6\n", " creating build/lib.linux-x86_64-3.6/tree\n", " copying tree/__init__.py -> build/lib.linux-x86_64-3.6/tree\n", " copying tree/sequence.py -> build/lib.linux-x86_64-3.6/tree\n", " copying tree/tree_benchmark.py -> build/lib.linux-x86_64-3.6/tree\n", " copying tree/tree_test.py -> build/lib.linux-x86_64-3.6/tree\n", " running build_ext\n", " Traceback (most recent call last):\n", " File \"/tmp/pip-install-qj5s3a20/dm-tree_a2c377fa51c84805818c01e72fca202a/setup.py\", line 77, in _check_build_environment\n", " subprocess.check_call(['cmake', '--version'])\n", " File \"/usr/lib/python3.6/subprocess.py\", line 306, in check_call\n", " retcode = call(*popenargs, **kwargs)\n", " File \"/usr/lib/python3.6/subprocess.py\", line 287, in call\n", " with Popen(*popenargs, **kwargs) as p:\n", " File \"/usr/lib/python3.6/subprocess.py\", line 729, in __init__\n", " restore_signals, start_new_session)\n", " File \"/usr/lib/python3.6/subprocess.py\", line 1364, in _execute_child\n", " raise child_exception_type(errno_num, err_msg, err_filename)\n", " FileNotFoundError: [Errno 2] No such file or directory: 'cmake': 'cmake'\n", " \n", " The above exception was the direct cause of the following exception:\n", " \n", " Traceback (most recent call last):\n", " File \"\", line 1, in \n", " File \"/tmp/pip-install-qj5s3a20/dm-tree_a2c377fa51c84805818c01e72fca202a/setup.py\", line 155, in \n", " keywords='tree nest flatten',\n", " File \"/usr/local/lib/python3.6/dist-packages/setuptools/__init__.py\", line 153, in setup\n", " return distutils.core.setup(**attrs)\n", " File \"/usr/lib/python3.6/distutils/core.py\", line 148, in setup\n", " dist.run_commands()\n", " File \"/usr/lib/python3.6/distutils/dist.py\", line 955, in run_commands\n", " self.run_command(cmd)\n", " File \"/usr/lib/python3.6/distutils/dist.py\", line 974, in run_command\n", " cmd_obj.run()\n", " File \"/usr/local/lib/python3.6/dist-packages/setuptools/command/install.py\", line 68, in run\n", " return orig.install.run(self)\n", " File \"/usr/lib/python3.6/distutils/command/install.py\", line 589, in run\n", " self.run_command('build')\n", " File \"/usr/lib/python3.6/distutils/cmd.py\", line 313, in run_command\n", " self.distribution.run_command(command)\n", " File \"/usr/lib/python3.6/distutils/dist.py\", line 974, in run_command\n", " cmd_obj.run()\n", " File \"/usr/lib/python3.6/distutils/command/build.py\", line 135, in run\n", " self.run_command(cmd_name)\n", " File \"/usr/lib/python3.6/distutils/cmd.py\", line 313, in run_command\n", " self.distribution.run_command(command)\n", " File \"/usr/lib/python3.6/distutils/dist.py\", line 974, in run_command\n", " cmd_obj.run()\n", " File \"/tmp/pip-install-qj5s3a20/dm-tree_a2c377fa51c84805818c01e72fca202a/setup.py\", line 70, in run\n", " self._check_build_environment()\n", " File \"/tmp/pip-install-qj5s3a20/dm-tree_a2c377fa51c84805818c01e72fca202a/setup.py\", line 82, in _check_build_environment\n", " ) from e\n", " RuntimeError: CMake must be installed to build the following extensions: _tree\n", " ----------------------------------------\n", "\u001b[0m\u001b[91mERROR: Command errored out with exit status 1: /usr/bin/python3 -u -c 'import io, os, sys, setuptools, tokenize; sys.argv[0] = '\"'\"'/tmp/pip-install-qj5s3a20/dm-tree_a2c377fa51c84805818c01e72fca202a/setup.py'\"'\"'; __file__='\"'\"'/tmp/pip-install-qj5s3a20/dm-tree_a2c377fa51c84805818c01e72fca202a/setup.py'\"'\"';f = getattr(tokenize, '\"'\"'open'\"'\"', open)(__file__) if os.path.exists(__file__) else io.StringIO('\"'\"'from setuptools import setup; setup()'\"'\"');code = f.read().replace('\"'\"'\\r\\n'\"'\"', '\"'\"'\\n'\"'\"');f.close();exec(compile(code, __file__, '\"'\"'exec'\"'\"'))' install --record /tmp/pip-record-4pyqbv7x/install-record.txt --single-version-externally-managed --compile --install-headers /usr/local/include/python3.6/dm-tree Check the logs for full command output.\n", "\u001b[0mThe command '/bin/sh -c pip3 install -r /usr/local/bin/requirements.txt' returned a non-zero code: 1\n", "Error response from daemon: No such image: ezsmdeploy-image-5w32axxksodwprtdl3fbuj:latest\n", "An image does not exist locally with the tag: 607789152815.dkr.ecr.us-east-1.amazonaws.com/ezsmdeploy-image-5w32axxksodwprtdl3fbuj\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\u001b[K0:02:55.358670 | built docker container\n", "\u001b[K2m∙∙∙\u001b[0m \u001b[K" ] }, { "name": "stderr", "output_type": "stream", "text": [ "update_endpoint is a no-op in sagemaker>=2.\n", "See: https://sagemaker.readthedocs.io/en/stable/v2.html for details.\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\u001b[K0:02:55.733747 | created model(s). Now deploying on local\n", "\u001b[32m∙∙∙\u001b[0m \u001b[K" ] }, { "name": "stderr", "output_type": "stream", "text": [ "Exception in thread Thread-8:\n", "Traceback (most recent call last):\n", " File \"/home/ec2-user/anaconda3/envs/amazonei_pytorch_latest_p37/lib/python3.7/site-packages/sagemaker/local/image.py\", line 627, in run\n", " _stream_output(self.process)\n", " File \"/home/ec2-user/anaconda3/envs/amazonei_pytorch_latest_p37/lib/python3.7/site-packages/sagemaker/local/image.py\", line 687, in _stream_output\n", " raise RuntimeError(\"Process exited with code: %s\" % exit_code)\n", "RuntimeError: Process exited with code: 1\n", "\n", "During handling of the above exception, another exception occurred:\n", "\n", "Traceback (most recent call last):\n", " File \"/home/ec2-user/anaconda3/envs/amazonei_pytorch_latest_p37/lib/python3.7/threading.py\", line 926, in _bootstrap_inner\n", " self.run()\n", " File \"/home/ec2-user/anaconda3/envs/amazonei_pytorch_latest_p37/lib/python3.7/site-packages/sagemaker/local/image.py\", line 632, in run\n", " raise RuntimeError(msg)\n", "RuntimeError: Failed to run: ['docker-compose', '-f', '/tmp/tmpbd_2tvgi/docker-compose.yaml', 'up', '--build', '--abort-on-container-exit'], Process exited with code: 1\n", "\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\u001b[K2m●∙∙\u001b[0m \u001b[K" ] }, { "ename": "RuntimeError", "evalue": "Giving up, endpoint didn't launch correctly", "output_type": "error", "traceback": [ "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", "\u001b[0;31mRuntimeError\u001b[0m Traceback (most recent call last)", "\u001b[0;32m/tmp/ipykernel_25507/3530942611.py\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 3\u001b[0m \u001b[0mrequirements\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m'numpy'\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m'tensorflow>=2.5'\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m'tensorflow-probability'\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m'h5py'\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;31m#or pass in the path to requirements.txt\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 4\u001b[0m \u001b[0minstance_type\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m'local'\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 5\u001b[0;31m wait = True)\n\u001b[0m", "\u001b[0;32m~/anaconda3/envs/amazonei_pytorch_latest_p37/lib/python3.7/site-packages/ezsmdeploy/__init__.py\u001b[0m in \u001b[0;36m__init__\u001b[0;34m(self, model, script, framework, requirements, name, autoscale, autoscaletarget, wait, bucket, prefix, session, image, dockerfilepath, instance_type, instance_count, budget, ei, monitor)\u001b[0m\n\u001b[1;32m 207\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mwait\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mwait\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 208\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 209\u001b[0;31m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdeploy\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 210\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 211\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0mprocess_instance_type\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", "\u001b[0;32m~/anaconda3/envs/amazonei_pytorch_latest_p37/lib/python3.7/site-packages/ezsmdeploy/__init__.py\u001b[0m in \u001b[0;36mdeploy\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 776\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 777\u001b[0m \u001b[0;31m# deploy model\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 778\u001b[0;31m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdeploy_model\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 779\u001b[0m \u001b[0msp\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mhide\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 780\u001b[0m \u001b[0msp\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mwrite\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mstr\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mdatetime\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdatetime\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mnow\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;34m-\u001b[0m \u001b[0mstart\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;34m+\u001b[0m \u001b[0;34m\" | deployed model\"\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", "\u001b[0;32m~/anaconda3/envs/amazonei_pytorch_latest_p37/lib/python3.7/site-packages/ezsmdeploy/__init__.py\u001b[0m in \u001b[0;36mdeploy_model\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 381\u001b[0m \u001b[0mupdate_endpoint\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mFalse\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 382\u001b[0m \u001b[0mwait\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mwait\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 383\u001b[0;31m \u001b[0mdata_capture_config\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mdata_capture_config\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 384\u001b[0m )\n\u001b[1;32m 385\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", "\u001b[0;32m~/anaconda3/envs/amazonei_pytorch_latest_p37/lib/python3.7/site-packages/sagemaker/model.py\u001b[0m in \u001b[0;36mdeploy\u001b[0;34m(self, initial_instance_count, instance_type, serializer, deserializer, accelerator_type, endpoint_name, tags, kms_key, wait, data_capture_config, **kwargs)\u001b[0m\n\u001b[1;32m 528\u001b[0m \u001b[0mkms_key\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mkms_key\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 529\u001b[0m \u001b[0mwait\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mwait\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 530\u001b[0;31m \u001b[0mdata_capture_config_dict\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mdata_capture_config_dict\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 531\u001b[0m )\n\u001b[1;32m 532\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", "\u001b[0;32m~/anaconda3/envs/amazonei_pytorch_latest_p37/lib/python3.7/site-packages/sagemaker/session.py\u001b[0m in \u001b[0;36mendpoint_from_production_variants\u001b[0;34m(self, name, production_variants, tags, kms_key, wait, data_capture_config_dict)\u001b[0m\n\u001b[1;32m 3191\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 3192\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msagemaker_client\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mcreate_endpoint_config\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m**\u001b[0m\u001b[0mconfig_options\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 3193\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mcreate_endpoint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mendpoint_name\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mname\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mconfig_name\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mname\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtags\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mtags\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mwait\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mwait\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 3194\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 3195\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0mexpand_role\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mrole\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", "\u001b[0;32m~/anaconda3/envs/amazonei_pytorch_latest_p37/lib/python3.7/site-packages/sagemaker/session.py\u001b[0m in \u001b[0;36mcreate_endpoint\u001b[0;34m(self, endpoint_name, config_name, tags, wait)\u001b[0m\n\u001b[1;32m 2706\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 2707\u001b[0m self.sagemaker_client.create_endpoint(\n\u001b[0;32m-> 2708\u001b[0;31m \u001b[0mEndpointName\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mendpoint_name\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mEndpointConfigName\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mconfig_name\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mTags\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mtags\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 2709\u001b[0m )\n\u001b[1;32m 2710\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mwait\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", "\u001b[0;32m~/anaconda3/envs/amazonei_pytorch_latest_p37/lib/python3.7/site-packages/sagemaker/local/local_session.py\u001b[0m in \u001b[0;36mcreate_endpoint\u001b[0;34m(self, EndpointName, EndpointConfigName, Tags)\u001b[0m\n\u001b[1;32m 262\u001b[0m \u001b[0mendpoint\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0m_LocalEndpoint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mEndpointName\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mEndpointConfigName\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mTags\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msagemaker_session\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 263\u001b[0m \u001b[0mLocalSagemakerClient\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_endpoints\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mEndpointName\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mendpoint\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 264\u001b[0;31m \u001b[0mendpoint\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mserve\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 265\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 266\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0mupdate_endpoint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mEndpointName\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mEndpointConfigName\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m \u001b[0;31m# pylint: disable=unused-argument\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", "\u001b[0;32m~/anaconda3/envs/amazonei_pytorch_latest_p37/lib/python3.7/site-packages/sagemaker/local/entities.py\u001b[0m in \u001b[0;36mserve\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 478\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 479\u001b[0m \u001b[0mserving_port\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mget_config_value\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"local.serving_port\"\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mlocal_session\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mconfig\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mor\u001b[0m \u001b[0;36m8080\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 480\u001b[0;31m \u001b[0m_wait_for_serving_container\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mserving_port\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 481\u001b[0m \u001b[0;31m# the container is running and it passed the healthcheck status is now InService\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 482\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstate\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0m_LocalEndpoint\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_IN_SERVICE\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", "\u001b[0;32m~/anaconda3/envs/amazonei_pytorch_latest_p37/lib/python3.7/site-packages/sagemaker/local/entities.py\u001b[0m in \u001b[0;36m_wait_for_serving_container\u001b[0;34m(serving_port)\u001b[0m\n\u001b[1;32m 513\u001b[0m \u001b[0mi\u001b[0m \u001b[0;34m+=\u001b[0m \u001b[0;36m5\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 514\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mi\u001b[0m \u001b[0;34m>=\u001b[0m \u001b[0mHEALTH_CHECK_TIMEOUT_LIMIT\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 515\u001b[0;31m \u001b[0;32mraise\u001b[0m \u001b[0mRuntimeError\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"Giving up, endpoint didn't launch correctly\"\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 516\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 517\u001b[0m \u001b[0mlogger\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0minfo\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"Checking if serving container is up, attempt: %s\"\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mi\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", "\u001b[0;31mRuntimeError\u001b[0m: Giving up, endpoint didn't launch correctly" ] } ], "source": [ "ez = ezsmdeploy.Deploy(model = 'reg1.h5', \n", " script = 'tfp_predict_script.py',\n", " requirements = ['numpy','tensorflow>=2.5','tensorflow-probability','h5py'], #or pass in the path to requirements.txt\n", " instance_type = 'local',\n", " wait = True)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "Debug any docker build instructions" ] }, { "cell_type": "code", "execution_count": null, "metadata": { "scrolled": true }, "outputs": [], "source": [ "# !./src/build-docker.sh test" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "out = ez.predictor.predict(x_tst.tobytes()).decode()\n", "out" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Great! Now deploy onto a SageMaker endpoint" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "ezonsm = ezsmdeploy.Deploy(model = 'reg1.h5', \n", " script = 'tfp_predict_script.py',\n", " requirements = ['numpy','tensorflow>=2.5','tensorflow-probability','h5py'], #or pass in the path to requirements.txt\n", " instance_type = 'ml.m4.xlarge', #... or let ezsmdeploy decide instance type based on model size\n", " wait = True)" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "out = ezonsm.predictor.predict(x_tst.tobytes()).decode()\n", "out" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# Cleanup\n", "\n", "To avoid incurring charges due to a stray endpoint, delete the Amazon SageMaker endpoint if you no longer need it:" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "ezonsm.predictor.delete_endpoint()" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [] } ], "metadata": { "kernelspec": { "display_name": "conda_amazonei_pytorch_latest_p37", "language": "python", "name": "conda_amazonei_pytorch_latest_p37" }, "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.7.10" }, "notice": "Copyright 2017 Amazon.com, Inc. or its affiliates. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the \"License\"). You may not use this file except in compliance with the License. A copy of the License is located at http://aws.amazon.com/apache2.0/ or in the \"license\" file accompanying this file. This file is distributed on an \"AS IS\" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License." }, "nbformat": 4, "nbformat_minor": 4 }