{ "cells": [ { "cell_type": "markdown", "metadata": {}, "source": [ "# Gender Prediction, using Pre-trained Keras Model\n", "\n", "Deep Neural Networks can be used to extract features in the input and derive higher level abstractions. This technique is used regularly in vision, speech and text analysis. In this exercise, we use a pre-trained model deep learning model that would identify low level features in texts containing people's names, and would be able to classify them in one of two categories - Male or Female.\n" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Network Architecture\n", "The problem we are trying to solve is to predict whether a given name belongs to a male or female. We will use supervised learning, where the character sequence making up the names would be `X` variable, and the flag indicating **Male(M)** or **Female(F)** would be `Y` variable.\n", "\n", "We use a stacked 2-Layer LSTM model and a final dense layer with softmax activation as our network architecture. We use categorical cross-entropy as loss function, with an Adam optimizer. We also add a 20% dropout layer is added for regularization to avoid over-fitting. " ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Dependencies\n", "* The model was built using Keras, therefore we need to include Keras deep learning library to build the network locally, in order to be able to test, prior to hosting the model. \n", "* While running on SageMaker Notebook Instance, we choose conda_tensorflow kernel, so that Keras code is compiled to use tensorflow in the backend. \n", "* If you choose P2 and P3 class of instances for your Notebook, using Tensorflow ensures the low level code takes advantage of all available GPUs. So further dependencies needs to be installed.\n" ] }, { "cell_type": "code", "execution_count": 1, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "Using TensorFlow backend.\n" ] } ], "source": [ "import os\n", "import time\n", "import numpy as np\n", "import keras\n", "from keras.models import load_model\n", "import boto3" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Model testing\n", "To test the validity of the model, we do some local testing.

\n", "The model was built to be able to process one-hot encoded data representing names, therefore we need to do same pre-processing on our test data (one-hot encoding using the same character indices)

\n", "We feed this one-hot encoded test data to the model, and the `predict` generates a vector, similar to the training labels vector we used before. Except in this case, it contains what model thinks the gender represented by each of the test records.

\n", "To present data intutitively, we simply map it back to `Male` / `Female`, from the `0` / `1` flag. " ] }, { "cell_type": "code", "execution_count": 2, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "lstm-gender-classifier-model.h5\n", "lstm-gender-classifier-indices.npy\n" ] } ], "source": [ "!tar -zxvf ../pretrained-model/model.tar.gz -C ../pretrained-model/ " ] }, { "cell_type": "code", "execution_count": 3, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "{'p': 15, 'v': 21, 'd': 3, 'f': 5, 'm': 12, 's': 18, 'l': 11, 'j': 9, 'g': 6, 'w': 22, 'x': 23, 'q': 16, 'n': 13, 'k': 10, 'i': 8, 'r': 17, 'e': 4, 'z': 25, 'u': 20, 'h': 7, 'b': 1, 'y': 24, 'a': 0, 'c': 2, 't': 19, 'o': 14}\n", "15\n", "26\n" ] } ], "source": [ "model = load_model('../pretrained-model/lstm-gender-classifier-model.h5')\n", "char_indices = np.load('../pretrained-model/lstm-gender-classifier-indices.npy').item()\n", "max_name_length = char_indices['max_name_length']\n", "char_indices.pop('max_name_length', None)\n", "alphabet_size = len(char_indices)\n", "print(char_indices)\n", "print(max_name_length)\n", "print(alphabet_size)" ] }, { "cell_type": "code", "execution_count": 4, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Tom (M)\n", "Allie (F)\n", "Jim (M)\n", "Sophie (F)\n", "John (M)\n", "Kayla (F)\n", "Mike (M)\n", "Amanda (F)\n", "Andrew (M)\n" ] } ], "source": [ "names_test = [\"Tom\",\"Allie\",\"Jim\",\"Sophie\",\"John\",\"Kayla\",\"Mike\",\"Amanda\",\"Andrew\"]\n", "num_test = len(names_test)\n", "\n", "X_test = np.zeros((num_test, max_name_length, alphabet_size))\n", "\n", "for i,name in enumerate(names_test):\n", " name = name.lower()\n", " for t, char in enumerate(name):\n", " X_test[i, t,char_indices[char]] = 1\n", "\n", "predictions = model.predict(X_test)\n", "\n", "for i,name in enumerate(names_test):\n", " print(\"{} ({})\".format(names_test[i],\"M\" if predictions[i][0]>predictions[i][1] else \"F\"))" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Model saving\n", "In order to deploy the model behind an hosted endpoint, we need to save the model fileto an S3 location.

\n", " \n", "We can obtain the name of the S3 bucket from the execution role we attached to this Notebook instance. This should work if the policies granting read permission to IAM policies was granted, as per the documentation.\n", "\n", "If for some reason, it fails to fetch the associated bucket name, it asks the user to enter the name of the bucket. If asked, use the bucket that you created in Module-3, such as 'smworkshop-firstname-lastname'.

\n", " \n", "It is important to ensure that this is the same S3 bucket, to which you provided access in the Execution role used while creating this Notebook instance." ] }, { "cell_type": "code", "execution_count": 5, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "smworkshop-john-doe\n" ] } ], "source": [ "sts = boto3.client('sts')\n", "iam = boto3.client('iam')\n", "\n", "\n", "caller = sts.get_caller_identity()\n", "account = caller['Account']\n", "arn = caller['Arn']\n", "role = arn[arn.find(\"/AmazonSageMaker\")+1:arn.find(\"/SageMaker\")]\n", "timestamp = role[role.find(\"Role-\")+5:]\n", "policyarn = \"arn:aws:iam::{}:policy/service-role/AmazonSageMaker-ExecutionPolicy-{}\".format(account, timestamp)\n", "\n", "s3bucketname = \"\"\n", "policystatements = []\n", "\n", "try:\n", " policy = iam.get_policy(\n", " PolicyArn=policyarn\n", " )['Policy']\n", " policyversion = policy['DefaultVersionId']\n", " policystatements = iam.get_policy_version(\n", " PolicyArn = policyarn, \n", " VersionId = policyversion\n", " )['PolicyVersion']['Document']['Statement']\n", "except Exception as e:\n", " s3bucketname=input(\"Which S3 bucket do you want to use to host training data and model? \")\n", " \n", "for stmt in policystatements:\n", " action = \"\"\n", " actions = stmt['Action']\n", " for act in actions:\n", " if act == \"s3:ListBucket\":\n", " action = act\n", " break\n", " if action == \"s3:ListBucket\":\n", " resource = stmt['Resource'][0]\n", " s3bucketname = resource[resource.find(\":::\")+3:]\n", "\n", "print(s3bucketname)" ] }, { "cell_type": "code", "execution_count": 6, "metadata": {}, "outputs": [], "source": [ "s3 = boto3.resource('s3')\n", "s3.meta.client.upload_file('../pretrained-model/model.tar.gz', s3bucketname, 'model/model.tar.gz')" ] }, { "cell_type": "markdown", "metadata": { "collapsed": true }, "source": [ "# Model hosting\n", "\n", "Amazon SageMaker provides a powerful orchestration framework that you can use to productionize any of your own machine learning algorithm, using any machine learning framework and programming languages.

\n", "This is possible because SageMaker, as a manager of containers, have standarized ways of interacting with your code running inside a Docker container. Since you are free to build a docker container using whatever code and depndency you like, this gives you freedom to bring your own machinery.

\n", "In the following steps, we'll containerize the prediction code and host the model behind an API endpoint.

\n", "This would allow us to use the model from web-application, and put it into real use.

\n", "The boilerplate code, which we affectionately call the `Dockerizer` framework, was made available on this Notebook instance by the Lifecycle Configuration that you used. Just look into the folder and ensure the necessary files are available as shown.

\n", " \n", " \n", " |\n", " ├── container\n", " │\n", " ├── byoa\n", " | |\n", " │   ├── train\n", " | |\n", " │   ├── predictor.py\n", " | |\n", " │   ├── serve\n", " | |\n", " │   ├── nginx.conf\n", " | |\n", " │   └── wsgi.py\n", " |\n", " ├── build_and_push.sh\n", " │   \n", " ├── Dockerfile.cpu\n", " │ \n", " └── Dockerfile.gpu" ] }, { "cell_type": "code", "execution_count": 7, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ ".:\r\n", "total 16\r\n", "-rwxrwxrwx 1 root root 1382 Aug 16 07:39 build_and_push.sh\r\n", "drwxrwxrwx 2 root root 4096 Aug 16 07:39 byoa\r\n", "-rw-rw-rw- 1 root root 1872 Aug 16 07:39 Dockerfile.cpu\r\n", "-rw-rw-rw- 1 root root 1938 Aug 16 07:39 Dockerfile.gpu\r\n", "\r\n", "./byoa:\r\n", "total 20\r\n", "-rwxrwxrwx 1 root root 687 Aug 16 07:39 nginx.conf\r\n", "-rwxrwxrwx 1 root root 2887 Aug 16 07:39 predictor.py\r\n", "-rwxrwxrwx 1 root root 2429 Aug 16 07:39 serve\r\n", "-rwxrwxrwx 1 root root 2336 Aug 16 07:39 train\r\n", "-rwxrwxrwx 1 root root 202 Aug 16 07:39 wsgi.py\r\n" ] } ], "source": [ "os.chdir('../container')\n", "os.getcwd()\n", "!ls -Rl " ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "* `Dockerfile` describes the container image and the accompanying script `build_and_push.sh` does the heavy lifting of building the container, and uploading it into an Amazon ECR repository\n", "* Sagemaker containers that we'll be building serves prediction request using a Flask based application. `wsgi.py` is a wrapper to invoke the Flask application, while `nginx.conf` is the configuration for the nginx front end and `serve` is the program that launches the gunicorn server. These files can be used as-is, and are required to build the webserver stack serving prediction requests, following the architecture as shown:\n", "![Request serving stack](images/stack.png \"Request serving stack\")\n", "

\n", "Request serving stack (expand to view diagram)

\n", " ![Request serving stack](images/stack.png \"Request serving stack\")\n", "

\n", "\n", "* The file named `predictor.py` is where we need to package the code for generating inference using the trained model that was saved into an S3 bucket location by the training code during the training job run.

\n", "* We'll write code into this file using Jupyter magic command - `writefile`.


\n", "First part of the file would contain the necessary imports, as ususal. " ] }, { "cell_type": "code", "execution_count": 8, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Overwriting byoa/predictor.py\n" ] } ], "source": [ "%%writefile byoa/predictor.py\n", "# This is the file that implements a flask server to do inferences. It's the file that you will modify to\n", "# implement the scoring for your own algorithm.\n", "\n", "from __future__ import print_function\n", "\n", "import os\n", "import json\n", "import pickle\n", "from io import StringIO\n", "import sys\n", "import signal\n", "import traceback\n", "\n", "import numpy as np\n", "\n", "import keras\n", "from keras.models import Sequential\n", "from keras.layers import Dense, Dropout\n", "from keras.layers import Embedding\n", "from keras.layers import LSTM\n", "from keras.models import load_model\n", "import flask\n", "\n", "import tensorflow as tf\n", "\n", "import pandas as pd\n", "\n", "from os import listdir, sep\n", "from os.path import abspath, basename, isdir\n", "from sys import argv" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "When run within an instantiated container, SageMaker makes the trained model available locally at `/opt/ml`" ] }, { "cell_type": "code", "execution_count": 9, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Appending to byoa/predictor.py\n" ] } ], "source": [ "%%writefile -a byoa/predictor.py\n", "\n", "prefix = '/opt/ml/'\n", "model_path = os.path.join(prefix, 'model')" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "The machinery to produce inference is wrapped around in a Pythonic class structure, within a `Singleton` class, aptly named - `ScoringService`.

\n", "We create `Class` variables in this class to hold loaded model, character indices, tensor-flow graph, and anything else that needs to be referenced while generating prediction. " ] }, { "cell_type": "code", "execution_count": 10, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Appending to byoa/predictor.py\n" ] } ], "source": [ "%%writefile -a byoa/predictor.py\n", "\n", "# A singleton for holding the model. This simply loads the model and holds it.\n", "# It has a predict function that does a prediction based on the model and the input data.\n", "\n", "class ScoringService(object):\n", " model_type = None # Where we keep the model type, qualified by hyperparameters used during training\n", " model = None # Where we keep the model when it's loaded\n", " graph = None\n", " indices = None # Where we keep the indices of Alphabet when it's loaded" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "Generally, we have to provide class methods to load the model and related artefacts from the model path as assigned by SageMaker within the running container.

\n", "Notice here that SageMaker copies the artefacts from the S3 location (as defined during model creation) into the container local file system." ] }, { "cell_type": "code", "execution_count": 11, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Appending to byoa/predictor.py\n" ] } ], "source": [ "%%writefile -a byoa/predictor.py\n", "\n", " @classmethod\n", " def get_indices(cls):\n", " #Get the indices for Alphabet for this instance, loading it if it's not already loaded\n", " if cls.indices == None:\n", " model_type='lstm-gender-classifier'\n", " index_path = os.path.join(model_path, '{}-indices.npy'.format(model_type))\n", " if os.path.exists(index_path):\n", " cls.indices = np.load(index_path).item()\n", " else:\n", " print(\"Character Indices not found.\")\n", " return cls.indices\n", "\n", " @classmethod\n", " def get_model(cls):\n", " #Get the model object for this instance, loading it if it's not already loaded\n", " if cls.model == None:\n", " model_type='lstm-gender-classifier'\n", " mod_path = os.path.join(model_path, '{}-model.h5'.format(model_type))\n", " if os.path.exists(mod_path):\n", " cls.model = load_model(mod_path)\n", " cls.model._make_predict_function()\n", " cls.graph = tf.get_default_graph()\n", " else:\n", " print(\"LSTM Model not found.\")\n", " return cls.model" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "Finally, inside another clas method, named `predict`, we provide the code that we used earlier to generate prediction.

\n", "Only difference with our previous test prediciton (in development notebook) is that in this case, the predictor will grab the data from the `input` variable, which in turn is obtained from the HTTP request payload." ] }, { "cell_type": "code", "execution_count": 12, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Appending to byoa/predictor.py\n" ] } ], "source": [ "%%writefile -a byoa/predictor.py\n", "\n", " @classmethod\n", " def predict(cls, input):\n", "\n", " mod = cls.get_model()\n", " ind = cls.get_indices()\n", "\n", " result = {}\n", "\n", " if mod == None:\n", " print(\"Model not loaded.\")\n", " else:\n", " if 'max_name_length' not in ind:\n", " max_name_length = 15\n", " alphabet_size = 26\n", " else:\n", " max_name_length = ind['max_name_length']\n", " ind.pop('max_name_length', None)\n", " alphabet_size = len(ind)\n", "\n", " inputs_list = input.strip('\\n').split(\",\")\n", " num_inputs = len(inputs_list)\n", "\n", " X_test = np.zeros((num_inputs, max_name_length, alphabet_size))\n", "\n", " for i,name in enumerate(inputs_list):\n", " name = name.lower().strip('\\n')\n", " for t, char in enumerate(name):\n", " if char in ind:\n", " X_test[i, t,ind[char]] = 1\n", "\n", " with cls.graph.as_default():\n", " predictions = mod.predict(X_test)\n", "\n", " for i,name in enumerate(inputs_list):\n", " result[name] = 'M' if predictions[i][0]>predictions[i][1] else 'F'\n", " print(\"{} ({})\".format(inputs_list[i],\"M\" if predictions[i][0]>predictions[i][1] else \"F\"))\n", "\n", " return json.dumps(result)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "With the prediction code captured, we move on to define the flask app, and provide a `ping`, which SageMaker uses to conduct health check on container instances that are responsible behind the hosted prediction endpoint.

\n", "Here we can have the container return healthy response, with status code `200` when everythings goes well.

\n", "For simplicity, we are only validating whether model has been loaded in this case. In practice, this provides opportunity extensive health check (including any external dependency check), as required." ] }, { "cell_type": "code", "execution_count": 13, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Appending to byoa/predictor.py\n" ] } ], "source": [ "%%writefile -a byoa/predictor.py\n", "\n", "# The flask app for serving predictions\n", "app = flask.Flask(__name__)\n", "\n", "@app.route('/ping', methods=['GET'])\n", "def ping():\n", " #Determine if the container is working and healthy.\n", " # Declare it healthy if we can load the model successfully.\n", " health = ScoringService.get_model() is not None and ScoringService.get_indices() is not None\n", " status = 200 if health else 404\n", " return flask.Response(response='\\n', status=status, mimetype='application/json')\n" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "Last but not the least, we define a `transformation` method that would intercept the HTTP request coming through to the SageMaker hosted endpoint.

\n", "Here we have the opportunity to decide what type of data we accept with the request. In this particular example, we are accepting only `CSV` formatted data, decoding the data, and invoking prediction.

\n", "The response is similarly funneled backed to the caller with MIME type of `CSV`.

\n", "You are free to choose any or multiple MIME types for your requests and response. However if you choose to do so, it is within this method that we have to transform the back to and from the format that is suitable to passed for prediction." ] }, { "cell_type": "code", "execution_count": 14, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Appending to byoa/predictor.py\n" ] } ], "source": [ "%%writefile -a byoa/predictor.py\n", "\n", "\n", "@app.route('/invocations', methods=['POST'])\n", "def transformation():\n", " #Do an inference on a single batch of data\n", " data = None\n", "\n", " # Convert from CSV to pandas\n", " if flask.request.content_type == 'text/csv':\n", " data = flask.request.data.decode('utf-8')\n", " else:\n", " return flask.Response(response='This predictor only supports CSV data', status=415, mimetype='text/plain')\n", "\n", " print('Invoked with {} records'.format(data.count(\",\")+1))\n", "\n", " # Do the prediction\n", " predictions = ScoringService.predict(data)\n", "\n", " result = \"\"\n", " for prediction in predictions:\n", " result = result + prediction\n", "\n", " return flask.Response(response=result, status=200, mimetype='text/csv')" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "Note that in containerizing our custom LSTM Algorithm, where we used `Keras` as our framework of our choice, we did not have to interact directly with the SageMaker API, even though SageMaker API doesn't support `Keras`.

\n", "This serves to show the power and flexibility offered by containerized machine learning pipeline on SageMaker." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Container publishing\n", "\n", "In order to host and deploy the trained model using SageMaker, we need to build the `Docker` containers, publish it to `Amazon ECR` repository, and then either use SageMaker console or API to created the endpoint configuration and deploy the stages.

\n", "\n", "Conceptually, the steps required for publishing are:

\n", "1. Make the`predictor.py` files executable\n", "2. Create an ECR repository within your default region\n", "3. Build a docker container with an identifieable name\n", "4. Tage the image and publish to the ECR repository\n", "


\n", "All of these are conveniently encapsulated inside `build_and_push` script. We simply run it with the unique name of our production run." ] }, { "cell_type": "code", "execution_count": 15, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Enter run version: 1\n", "WARNING! Using --password via the CLI is insecure. Use --password-stdin.\n", "Login Succeeded\n", "Sending build context to Docker daemon 25.6kB\n", "Step 1/13 : FROM ubuntu:16.04\n", "16.04: Pulling from library/ubuntu\n", "\n", "\u001b[1B9e426c26: Pulling fs layer \n", "\u001b[1Bb260b73b: Pulling fs layer \n", "\u001b[1B65fd1143: Pulling fs layer \n", "\u001b[1Ba07f8222: Pulling fs layer \n", "\u001b[1BDigest: sha256:3097ac92b852f878f802c22a38f97b097b4084dbef82893ba453ba0297d76a6a\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[4A\u001b[1K\u001b[K\u001b[3A\u001b[1K\u001b[K\u001b[2A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\n", "Status: Downloaded newer image for ubuntu:16.04\n", " ---> 7aa3602ab41e\n", "Step 2/13 : MAINTAINER Binoy Das \n", " ---> Running in 74a633b2ea23\n", "Removing intermediate container 74a633b2ea23\n", " ---> c4265b4a021a\n", "Step 3/13 : RUN apt-get update && apt-get install -y --no-install-recommends apt-utils build-essential curl libfreetype6-dev libpng12-dev libzmq3-dev libhdf5-dev libcurl3-dev libgtk2.0-0 pkg-config python3-dev python3-pip rsync software-properties-common unzip gzip wget vim git nginx ca-certificates && apt-get clean && rm -rf /var/lib/apt/lists/*\n", " ---> Running in e04af221dd9e\n", "Get:1 http://archive.ubuntu.com/ubuntu xenial InRelease [247 kB]\n", "Get:2 http://security.ubuntu.com/ubuntu xenial-security InRelease [107 kB]\n", "Get:3 http://security.ubuntu.com/ubuntu xenial-security/universe Sources [88.1 kB]\n", "Get:4 http://archive.ubuntu.com/ubuntu xenial-updates InRelease [109 kB]\n", "Get:5 http://security.ubuntu.com/ubuntu xenial-security/main amd64 Packages [688 kB]\n", "Get:6 http://archive.ubuntu.com/ubuntu xenial-backports InRelease [107 kB]\n", "Get:7 http://archive.ubuntu.com/ubuntu xenial/universe Sources [9802 kB]\n", "Get:8 http://security.ubuntu.com/ubuntu xenial-security/restricted amd64 Packages [12.7 kB]\n", "Get:9 http://security.ubuntu.com/ubuntu xenial-security/universe amd64 Packages [465 kB]\n", "Get:10 http://security.ubuntu.com/ubuntu xenial-security/multiverse amd64 Packages [3746 B]\n", "Get:11 http://archive.ubuntu.com/ubuntu xenial/main amd64 Packages [1558 kB]\n", "Get:12 http://archive.ubuntu.com/ubuntu xenial/restricted amd64 Packages [14.1 kB]\n", "Get:13 http://archive.ubuntu.com/ubuntu xenial/universe amd64 Packages [9827 kB]\n", "Get:14 http://archive.ubuntu.com/ubuntu xenial/multiverse amd64 Packages [176 kB]\n", "Get:15 http://archive.ubuntu.com/ubuntu xenial-updates/universe Sources [275 kB]\n", "Get:16 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 Packages [1073 kB]\n", "Get:17 http://archive.ubuntu.com/ubuntu xenial-updates/restricted amd64 Packages [13.1 kB]\n", "Get:18 http://archive.ubuntu.com/ubuntu xenial-updates/universe amd64 Packages [876 kB]\n", "Get:19 http://archive.ubuntu.com/ubuntu xenial-updates/multiverse amd64 Packages [18.8 kB]\n", "Get:20 http://archive.ubuntu.com/ubuntu xenial-backports/main amd64 Packages [7343 B]\n", "Get:21 http://archive.ubuntu.com/ubuntu xenial-backports/universe amd64 Packages [8086 B]\n", "Fetched 25.5 MB in 3s (8459 kB/s)\n", "Reading package lists...\n", "Reading package lists...\n", "Building dependency tree...\n", "Reading state information...\n", "gzip is already the newest version (1.6-4ubuntu1).\n", "The following additional packages will be installed:\n", " binutils bzip2 cpp cpp-5 dh-python distro-info-data dpkg-dev fontconfig\n", " fontconfig-config fonts-dejavu-core g++ g++-5 gcc gcc-5 gir1.2-glib-2.0\n", " git-man hdf5-helpers iso-codes libaec-dev libaec0 libapt-inst2.0 libasan2\n", " libasn1-8-heimdal libatk1.0-0 libatk1.0-data libatomic1 libavahi-client3\n", " libavahi-common-data libavahi-common3 libc-dev-bin libc6-dev libcairo2\n", " libcc1-0 libcilkrts5 libcups2 libcurl3 libcurl3-gnutls libdatrie1\n", " libdbus-1-3 libdbus-glib-1-2 libdpkg-perl liberror-perl libexpat1\n", " libexpat1-dev libffi6 libfontconfig1 libfreetype6 libgcc-5-dev libgd3\n", " libgdbm3 libgdk-pixbuf2.0-0 libgdk-pixbuf2.0-common libgeoip1 libgfortran3\n", " libgirepository-1.0-1 libglib2.0-0 libgmp10 libgnutls30 libgomp1 libgpm2\n", " libgraphite2-3 libgssapi-krb5-2 libgssapi3-heimdal libgtk2.0-common\n", " libharfbuzz0b libhcrypto4-heimdal libhdf5-10 libhdf5-cpp-11\n", " libheimbase1-heimdal libheimntlm0-heimdal libhogweed4 libhx509-5-heimdal\n", " libicu55 libidn11 libisl15 libitm1 libjbig0 libjpeg-dev libjpeg-turbo8\n", " libjpeg-turbo8-dev libjpeg8 libjpeg8-dev libk5crypto3 libkeyutils1\n", " libkrb5-26-heimdal libkrb5-3 libkrb5support0 libldap-2.4-2 liblsan0 libmpc3\n", " libmpdec2 libmpfr4 libmpx0 libnettle6 libp11-kit0 libpango-1.0-0\n", " libpangocairo-1.0-0 libpangoft2-1.0-0 libperl5.22 libpixman-1-0 libpng12-0\n", " libpopt0 libpython3-dev libpython3-stdlib libpython3.5 libpython3.5-dev\n", " libpython3.5-minimal libpython3.5-stdlib libquadmath0 libroken18-heimdal\n", " librtmp1 libsasl2-2 libsasl2-modules-db libsodium18 libsqlite3-0 libssl1.0.0\n", " libstdc++-5-dev libsz2 libtasn1-6 libthai-data libthai0 libtiff5 libtsan0\n", " libubsan0 libvpx3 libwind0-heimdal libx11-6 libx11-data libxau6\n", " libxcb-render0 libxcb-shm0 libxcb1 libxcomposite1 libxcursor1 libxdamage1\n", " libxdmcp6 libxext6 libxfixes3 libxi6 libxinerama1 libxml2 libxpm4 libxrandr2\n", " libxrender1 libxslt1.1 libzmq5 linux-libc-dev lsb-release make mime-support\n", " nginx-common nginx-core openssl patch perl perl-modules-5.22\n", " python-apt-common python-pip-whl python3 python3-apt python3-dbus python3-gi\n", " python3-minimal python3-pycurl python3-software-properties python3.5\n", " python3.5-dev python3.5-minimal shared-mime-info ucf vim-common vim-runtime\n", " xz-utils zlib1g-dev\n", "Suggested packages:\n", " binutils-doc bzip2-doc cpp-doc gcc-5-locales debian-keyring g++-multilib\n", " g++-5-multilib gcc-5-doc libstdc++6-5-dbg gcc-multilib manpages-dev autoconf\n", " automake libtool flex bison gdb gcc-doc gcc-5-multilib libgcc1-dbg\n", " libgomp1-dbg libitm1-dbg libatomic1-dbg libasan2-dbg liblsan0-dbg\n", " libtsan0-dbg libubsan0-dbg libcilkrts5-dbg libmpx0-dbg libquadmath0-dbg\n", " gettext-base git-daemon-run | git-daemon-sysvinit git-doc git-el git-email\n", " git-gui gitk gitweb git-arch git-cvs git-mediawiki git-svn isoquery\n", " glibc-doc cups-common libcurl4-doc libcurl3-dbg libidn11-dev libkrb5-dev\n", " libldap2-dev librtmp-dev libssl-dev libgd-tools geoip-bin gnutls-bin gpm\n", " krb5-doc krb5-user librsvg2-common gvfs libhdf5-doc libstdc++-5-doc lsb\n", " make-doc fcgiwrap nginx-doc ssl-cert ed diffutils-doc perl-doc\n", " libterm-readline-gnu-perl | libterm-readline-perl-perl python3-doc\n", " python3-tk python3-venv python3-apt-dbg python-apt-doc python-dbus-doc\n", " python3-dbus-dbg libcurl4-gnutls-dev python-pycurl-doc python3-pycurl-dbg\n", " python3.5-venv python3.5-doc binfmt-support openssh-client openssh-server\n", " zip ctags vim-doc vim-scripts vim-gnome-py2 | vim-gtk-py2 | vim-gtk3-py2\n", " | vim-athena-py2 | vim-nox-py2\n", "Recommended packages:\n", " fakeroot libalgorithm-merge-perl less ssh-client manpages manpages-dev dbus\n", " libfile-fcntllock-perl geoip-database libglib2.0-data xdg-user-dirs\n", " hicolor-icon-theme libgtk2.0-bin krb5-locales libsasl2-modules xml-core file\n", " netbase rename python3-setuptools python3-wheel unattended-upgrades\n", "The following NEW packages will be installed:\n", " apt-utils binutils build-essential bzip2 ca-certificates cpp cpp-5 curl\n", " dh-python distro-info-data dpkg-dev fontconfig fontconfig-config\n", " fonts-dejavu-core g++ g++-5 gcc gcc-5 gir1.2-glib-2.0 git git-man\n", " hdf5-helpers iso-codes libaec-dev libaec0 libapt-inst2.0 libasan2\n", " libasn1-8-heimdal libatk1.0-0 libatk1.0-data libatomic1 libavahi-client3\n", " libavahi-common-data libavahi-common3 libc-dev-bin libc6-dev libcairo2\n", " libcc1-0 libcilkrts5 libcups2 libcurl3 libcurl3-gnutls libcurl4-openssl-dev\n", " libdatrie1 libdbus-1-3 libdbus-glib-1-2 libdpkg-perl liberror-perl libexpat1\n", " libexpat1-dev libffi6 libfontconfig1 libfreetype6 libfreetype6-dev\n", " libgcc-5-dev libgd3 libgdbm3 libgdk-pixbuf2.0-0 libgdk-pixbuf2.0-common\n", " libgeoip1 libgfortran3 libgirepository-1.0-1 libglib2.0-0 libgmp10\n", " libgnutls30 libgomp1 libgpm2 libgraphite2-3 libgssapi-krb5-2\n", " libgssapi3-heimdal libgtk2.0-0 libgtk2.0-common libharfbuzz0b\n", " libhcrypto4-heimdal libhdf5-10 libhdf5-cpp-11 libhdf5-dev\n", " libheimbase1-heimdal libheimntlm0-heimdal libhogweed4 libhx509-5-heimdal\n", " libicu55 libidn11 libisl15 libitm1 libjbig0 libjpeg-dev libjpeg-turbo8\n", " libjpeg-turbo8-dev libjpeg8 libjpeg8-dev libk5crypto3 libkeyutils1\n", " libkrb5-26-heimdal libkrb5-3 libkrb5support0 libldap-2.4-2 liblsan0 libmpc3\n", " libmpdec2 libmpfr4 libmpx0 libnettle6 libp11-kit0 libpango-1.0-0\n", " libpangocairo-1.0-0 libpangoft2-1.0-0 libperl5.22 libpixman-1-0 libpng12-0\n", " libpng12-dev libpopt0 libpython3-dev libpython3-stdlib libpython3.5\n", " libpython3.5-dev libpython3.5-minimal libpython3.5-stdlib libquadmath0\n", " libroken18-heimdal librtmp1 libsasl2-2 libsasl2-modules-db libsodium18\n", " libsqlite3-0 libssl1.0.0 libstdc++-5-dev libsz2 libtasn1-6 libthai-data\n", " libthai0 libtiff5 libtsan0 libubsan0 libvpx3 libwind0-heimdal libx11-6\n", " libx11-data libxau6 libxcb-render0 libxcb-shm0 libxcb1 libxcomposite1\n", " libxcursor1 libxdamage1 libxdmcp6 libxext6 libxfixes3 libxi6 libxinerama1\n", " libxml2 libxpm4 libxrandr2 libxrender1 libxslt1.1 libzmq3-dev libzmq5\n", " linux-libc-dev lsb-release make mime-support nginx nginx-common nginx-core\n", " openssl patch perl perl-modules-5.22 pkg-config python-apt-common\n", " python-pip-whl python3 python3-apt python3-dbus python3-dev python3-gi\n", " python3-minimal python3-pip python3-pycurl python3-software-properties\n", " python3.5 python3.5-dev python3.5-minimal rsync shared-mime-info\n", " software-properties-common ucf unzip vim vim-common vim-runtime wget\n", " xz-utils zlib1g-dev\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "0 upgraded, 194 newly installed, 0 to remove and 6 not upgraded.\n", "Need to get 135 MB of archives.\n", "After this operation, 477 MB of additional disk space will be used.\n", "Get:1 http://archive.ubuntu.com/ubuntu xenial/main amd64 libpopt0 amd64 1.16-10 [26.0 kB]\n", "Get:2 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libssl1.0.0 amd64 1.0.2g-1ubuntu4.13 [1083 kB]\n", "Get:3 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libpython3.5-minimal amd64 3.5.2-2ubuntu0~16.04.4 [523 kB]\n", "Get:4 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libexpat1 amd64 2.1.0-7ubuntu0.16.04.3 [71.2 kB]\n", "Get:5 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 python3.5-minimal amd64 3.5.2-2ubuntu0~16.04.4 [1597 kB]\n", "Get:6 http://archive.ubuntu.com/ubuntu xenial/main amd64 python3-minimal amd64 3.5.1-3 [23.3 kB]\n", "Get:7 http://archive.ubuntu.com/ubuntu xenial/main amd64 mime-support all 3.59ubuntu1 [31.0 kB]\n", "Get:8 http://archive.ubuntu.com/ubuntu xenial/main amd64 libmpdec2 amd64 2.4.2-1 [82.6 kB]\n", "Get:9 http://archive.ubuntu.com/ubuntu xenial/main amd64 libsqlite3-0 amd64 3.11.0-1ubuntu1 [396 kB]\n", "Get:10 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libpython3.5-stdlib amd64 3.5.2-2ubuntu0~16.04.4 [2132 kB]\n", "Get:11 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 python3.5 amd64 3.5.2-2ubuntu0~16.04.4 [165 kB]\n", "Get:12 http://archive.ubuntu.com/ubuntu xenial/main amd64 libpython3-stdlib amd64 3.5.1-3 [6818 B]\n", "Get:13 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 dh-python all 2.20151103ubuntu1.1 [74.1 kB]\n", "Get:14 http://archive.ubuntu.com/ubuntu xenial/main amd64 python3 amd64 3.5.1-3 [8710 B]\n", "Get:15 http://archive.ubuntu.com/ubuntu xenial/main amd64 libgdbm3 amd64 1.8.3-13.1 [16.9 kB]\n", "Get:16 http://archive.ubuntu.com/ubuntu xenial/main amd64 libffi6 amd64 3.2.1-4 [17.8 kB]\n", "Get:17 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libglib2.0-0 amd64 2.48.2-0ubuntu4 [1119 kB]\n", "Get:18 http://archive.ubuntu.com/ubuntu xenial/main amd64 libxau6 amd64 1:1.0.8-1 [8376 B]\n", "Get:19 http://archive.ubuntu.com/ubuntu xenial/main amd64 libxdmcp6 amd64 1:1.1.2-1.1 [11.0 kB]\n", "Get:20 http://archive.ubuntu.com/ubuntu xenial/main amd64 libxcb1 amd64 1.11.1-1ubuntu1 [40.0 kB]\n", "Get:21 http://archive.ubuntu.com/ubuntu xenial/main amd64 libx11-data all 2:1.6.3-1ubuntu2 [113 kB]\n", "Get:22 http://archive.ubuntu.com/ubuntu xenial/main amd64 libx11-6 amd64 2:1.6.3-1ubuntu2 [571 kB]\n", "Get:23 http://archive.ubuntu.com/ubuntu xenial/main amd64 libxext6 amd64 2:1.3.3-1 [29.4 kB]\n", "Get:24 http://archive.ubuntu.com/ubuntu xenial/main amd64 fonts-dejavu-core all 2.35-1 [1039 kB]\n", "Get:25 http://archive.ubuntu.com/ubuntu xenial/main amd64 ucf all 3.0036 [52.9 kB]\n", "Get:26 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 fontconfig-config all 2.11.94-0ubuntu1.1 [49.9 kB]\n", "Get:27 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libpng12-0 amd64 1.2.54-1ubuntu1.1 [116 kB]\n", "Get:28 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libfreetype6 amd64 2.6.1-0.1ubuntu2.3 [316 kB]\n", "Get:29 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libfontconfig1 amd64 2.11.94-0ubuntu1.1 [131 kB]\n", "Get:30 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 fontconfig amd64 2.11.94-0ubuntu1.1 [178 kB]\n", "Get:31 http://archive.ubuntu.com/ubuntu xenial/main amd64 libgpm2 amd64 1.20.4-6.1 [16.5 kB]\n", "Get:32 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libjpeg-turbo8 amd64 1.4.2-0ubuntu3.1 [111 kB]\n", "Get:33 http://archive.ubuntu.com/ubuntu xenial/main amd64 libxcomposite1 amd64 1:0.4.4-1 [7714 B]\n", "Get:34 http://archive.ubuntu.com/ubuntu xenial/main amd64 libxdamage1 amd64 1:1.1.4-2 [6946 B]\n", "Get:35 http://archive.ubuntu.com/ubuntu xenial/main amd64 libxfixes3 amd64 1:5.0.1-2 [11.1 kB]\n", "Get:36 http://archive.ubuntu.com/ubuntu xenial/main amd64 libxinerama1 amd64 2:1.1.3-1 [7908 B]\n", "Get:37 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 perl-modules-5.22 all 5.22.1-9ubuntu0.5 [2645 kB]\n", "Get:38 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libperl5.22 amd64 5.22.1-9ubuntu0.5 [3396 kB]\n", "Get:39 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 perl amd64 5.22.1-9ubuntu0.5 [238 kB]\n", "Get:40 http://archive.ubuntu.com/ubuntu xenial/main amd64 libjbig0 amd64 2.1-3.1 [26.6 kB]\n", "Get:41 http://archive.ubuntu.com/ubuntu xenial/main amd64 libgmp10 amd64 2:6.1.0+dfsg-2 [240 kB]\n", "Get:42 http://archive.ubuntu.com/ubuntu xenial/main amd64 libmpfr4 amd64 3.1.4-1 [191 kB]\n", "Get:43 http://archive.ubuntu.com/ubuntu xenial/main amd64 libmpc3 amd64 1.0.3-1 [39.7 kB]\n", "Get:44 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libapt-inst2.0 amd64 1.2.27 [55.4 kB]\n", "Get:45 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 apt-utils amd64 1.2.27 [196 kB]\n", "Get:46 http://archive.ubuntu.com/ubuntu xenial/main amd64 bzip2 amd64 1.0.6-8 [32.7 kB]\n", "Get:47 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 distro-info-data all 0.28ubuntu0.8 [4502 B]\n", "Get:48 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libnettle6 amd64 3.2-1ubuntu0.16.04.1 [93.5 kB]\n", "Get:49 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libhogweed4 amd64 3.2-1ubuntu0.16.04.1 [136 kB]\n", "Get:50 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libidn11 amd64 1.32-3ubuntu1.2 [46.5 kB]\n", "Get:51 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libp11-kit0 amd64 0.23.2-5~ubuntu16.04.1 [105 kB]\n", "Get:52 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libtasn1-6 amd64 4.7-3ubuntu0.16.04.3 [43.5 kB]\n", "Get:53 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libgnutls30 amd64 3.4.10-4ubuntu1.4 [548 kB]\n", "Get:54 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 lsb-release all 9.20160110ubuntu0.2 [11.8 kB]\n", "Get:55 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 vim-common amd64 2:7.4.1689-3ubuntu1.2 [103 kB]\n", "Get:56 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 openssl amd64 1.0.2g-1ubuntu4.13 [492 kB]\n", "Get:57 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 ca-certificates all 20170717~16.04.1 [168 kB]\n", "Get:58 http://archive.ubuntu.com/ubuntu xenial/main amd64 libgirepository-1.0-1 amd64 1.46.0-3ubuntu1 [88.3 kB]\n", "Get:59 http://archive.ubuntu.com/ubuntu xenial/main amd64 gir1.2-glib-2.0 amd64 1.46.0-3ubuntu1 [127 kB]\n", "Get:60 http://archive.ubuntu.com/ubuntu xenial/main amd64 iso-codes all 3.65-1 [2268 kB]\n", "Get:61 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libroken18-heimdal amd64 1.7~git20150920+dfsg-4ubuntu1.16.04.1 [41.4 kB]\n", "Get:62 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libasn1-8-heimdal amd64 1.7~git20150920+dfsg-4ubuntu1.16.04.1 [174 kB]\n", "Get:63 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libkrb5support0 amd64 1.13.2+dfsg-5ubuntu2 [30.8 kB]\n", "Get:64 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libk5crypto3 amd64 1.13.2+dfsg-5ubuntu2 [81.2 kB]\n", "Get:65 http://archive.ubuntu.com/ubuntu xenial/main amd64 libkeyutils1 amd64 1.5.9-8ubuntu1 [9904 B]\n", "Get:66 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libkrb5-3 amd64 1.13.2+dfsg-5ubuntu2 [273 kB]\n", "Get:67 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libgssapi-krb5-2 amd64 1.13.2+dfsg-5ubuntu2 [120 kB]\n", "Get:68 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libhcrypto4-heimdal amd64 1.7~git20150920+dfsg-4ubuntu1.16.04.1 [85.0 kB]\n", "Get:69 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libheimbase1-heimdal amd64 1.7~git20150920+dfsg-4ubuntu1.16.04.1 [29.3 kB]\n", "Get:70 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libwind0-heimdal amd64 1.7~git20150920+dfsg-4ubuntu1.16.04.1 [47.8 kB]\n", "Get:71 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libhx509-5-heimdal amd64 1.7~git20150920+dfsg-4ubuntu1.16.04.1 [107 kB]\n", "Get:72 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libkrb5-26-heimdal amd64 1.7~git20150920+dfsg-4ubuntu1.16.04.1 [202 kB]\n", "Get:73 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libheimntlm0-heimdal amd64 1.7~git20150920+dfsg-4ubuntu1.16.04.1 [15.1 kB]\n", "Get:74 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libgssapi3-heimdal amd64 1.7~git20150920+dfsg-4ubuntu1.16.04.1 [96.1 kB]\n", "Get:75 http://archive.ubuntu.com/ubuntu xenial/main amd64 libsasl2-modules-db amd64 2.1.26.dfsg1-14build1 [14.5 kB]\n", "Get:76 http://archive.ubuntu.com/ubuntu xenial/main amd64 libsasl2-2 amd64 2.1.26.dfsg1-14build1 [48.7 kB]\n", "Get:77 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libldap-2.4-2 amd64 2.4.42+dfsg-2ubuntu3.3 [161 kB]\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Get:78 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 librtmp1 amd64 2.4+20151223.gitfa8646d-1ubuntu0.1 [54.4 kB]\n", "Get:79 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libcurl3-gnutls amd64 7.47.0-1ubuntu2.8 [185 kB]\n", "Get:80 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libdbus-1-3 amd64 1.10.6-1ubuntu3.3 [161 kB]\n", "Get:81 http://archive.ubuntu.com/ubuntu xenial/main amd64 libdbus-glib-1-2 amd64 0.106-1 [67.1 kB]\n", "Get:82 http://archive.ubuntu.com/ubuntu xenial/main amd64 libgeoip1 amd64 1.6.9-1 [70.1 kB]\n", "Get:83 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libicu55 amd64 55.1-7ubuntu0.4 [7646 kB]\n", "Get:84 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libxml2 amd64 2.9.3+dfsg1-1ubuntu0.6 [697 kB]\n", "Get:85 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 python-apt-common all 1.1.0~beta1ubuntu0.16.04.2 [16.0 kB]\n", "Get:86 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 python3-apt amd64 1.1.0~beta1ubuntu0.16.04.2 [137 kB]\n", "Get:87 http://archive.ubuntu.com/ubuntu xenial/main amd64 python3-dbus amd64 1.2.0-3 [83.1 kB]\n", "Get:88 http://archive.ubuntu.com/ubuntu xenial/main amd64 python3-gi amd64 3.20.0-0ubuntu1 [153 kB]\n", "Get:89 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 rsync amd64 3.1.1-3ubuntu1.2 [329 kB]\n", "Get:90 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 shared-mime-info amd64 1.5-2ubuntu0.2 [405 kB]\n", "Get:91 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 wget amd64 1.17.1-1ubuntu1.4 [299 kB]\n", "Get:92 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 binutils amd64 2.26.1-1ubuntu1~16.04.6 [2311 kB]\n", "Get:93 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libc-dev-bin amd64 2.23-0ubuntu10 [68.7 kB]\n", "Get:94 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 linux-libc-dev amd64 4.4.0-133.159 [861 kB]\n", "Get:95 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libc6-dev amd64 2.23-0ubuntu10 [2079 kB]\n", "Get:96 http://archive.ubuntu.com/ubuntu xenial/main amd64 libisl15 amd64 0.16.1-1 [524 kB]\n", "Get:97 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 cpp-5 amd64 5.4.0-6ubuntu1~16.04.10 [7671 kB]\n", "Get:98 http://archive.ubuntu.com/ubuntu xenial/main amd64 cpp amd64 4:5.3.1-1ubuntu1 [27.7 kB]\n", "Get:99 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libcc1-0 amd64 5.4.0-6ubuntu1~16.04.10 [38.8 kB]\n", "Get:100 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libgomp1 amd64 5.4.0-6ubuntu1~16.04.10 [55.1 kB]\n", "Get:101 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libitm1 amd64 5.4.0-6ubuntu1~16.04.10 [27.4 kB]\n", "Get:102 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libatomic1 amd64 5.4.0-6ubuntu1~16.04.10 [8888 B]\n", "Get:103 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libasan2 amd64 5.4.0-6ubuntu1~16.04.10 [264 kB]\n", "Get:104 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 liblsan0 amd64 5.4.0-6ubuntu1~16.04.10 [105 kB]\n", "Get:105 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libtsan0 amd64 5.4.0-6ubuntu1~16.04.10 [244 kB]\n", "Get:106 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libubsan0 amd64 5.4.0-6ubuntu1~16.04.10 [95.3 kB]\n", "Get:107 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libcilkrts5 amd64 5.4.0-6ubuntu1~16.04.10 [40.1 kB]\n", "Get:108 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libmpx0 amd64 5.4.0-6ubuntu1~16.04.10 [9764 B]\n", "Get:109 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libquadmath0 amd64 5.4.0-6ubuntu1~16.04.10 [131 kB]\n", "Get:110 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libgcc-5-dev amd64 5.4.0-6ubuntu1~16.04.10 [2228 kB]\n", "Get:111 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 gcc-5 amd64 5.4.0-6ubuntu1~16.04.10 [8426 kB]\n", "Get:112 http://archive.ubuntu.com/ubuntu xenial/main amd64 gcc amd64 4:5.3.1-1ubuntu1 [5244 B]\n", "Get:113 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libstdc++-5-dev amd64 5.4.0-6ubuntu1~16.04.10 [1426 kB]\n", "Get:114 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 g++-5 amd64 5.4.0-6ubuntu1~16.04.10 [8319 kB]\n", "Get:115 http://archive.ubuntu.com/ubuntu xenial/main amd64 g++ amd64 4:5.3.1-1ubuntu1 [1504 B]\n", "Get:116 http://archive.ubuntu.com/ubuntu xenial/main amd64 make amd64 4.1-6 [151 kB]\n", "Get:117 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libdpkg-perl all 1.18.4ubuntu1.4 [195 kB]\n", "Get:118 http://archive.ubuntu.com/ubuntu xenial/main amd64 xz-utils amd64 5.1.1alpha+20120614-2ubuntu2 [78.8 kB]\n", "Get:119 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 patch amd64 2.7.5-1ubuntu0.16.04.1 [90.5 kB]\n", "Get:120 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 dpkg-dev all 1.18.4ubuntu1.4 [584 kB]\n", "Get:121 http://archive.ubuntu.com/ubuntu xenial/main amd64 build-essential amd64 12.1ubuntu2 [4758 B]\n", "Get:122 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 curl amd64 7.47.0-1ubuntu2.8 [139 kB]\n", "Get:123 http://archive.ubuntu.com/ubuntu xenial/main amd64 liberror-perl all 0.17-1.2 [19.6 kB]\n", "Get:124 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 git-man all 1:2.7.4-0ubuntu1.4 [736 kB]\n", "Get:125 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 git amd64 1:2.7.4-0ubuntu1.4 [3158 kB]\n", "Get:126 http://archive.ubuntu.com/ubuntu xenial/universe amd64 hdf5-helpers amd64 1.8.16+docs-4ubuntu1 [12.5 kB]\n", "Get:127 http://archive.ubuntu.com/ubuntu xenial/universe amd64 libaec0 amd64 0.3.2-1 [18.0 kB]\n", "Get:128 http://archive.ubuntu.com/ubuntu xenial/main amd64 libatk1.0-data all 2.18.0-1 [17.1 kB]\n", "Get:129 http://archive.ubuntu.com/ubuntu xenial/main amd64 libatk1.0-0 amd64 2.18.0-1 [56.9 kB]\n", "Get:130 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libavahi-common-data amd64 0.6.32~rc+dfsg-1ubuntu2.2 [21.5 kB]\n", "Get:131 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libavahi-common3 amd64 0.6.32~rc+dfsg-1ubuntu2.2 [21.6 kB]\n", "Get:132 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libavahi-client3 amd64 0.6.32~rc+dfsg-1ubuntu2.2 [25.2 kB]\n", "Get:133 http://archive.ubuntu.com/ubuntu xenial/main amd64 libpixman-1-0 amd64 0.33.6-1 [231 kB]\n", "Get:134 http://archive.ubuntu.com/ubuntu xenial/main amd64 libxcb-render0 amd64 1.11.1-1ubuntu1 [11.4 kB]\n", "Get:135 http://archive.ubuntu.com/ubuntu xenial/main amd64 libxcb-shm0 amd64 1.11.1-1ubuntu1 [5588 B]\n", "Get:136 http://archive.ubuntu.com/ubuntu xenial/main amd64 libxrender1 amd64 1:0.9.9-0ubuntu1 [18.5 kB]\n", "Get:137 http://archive.ubuntu.com/ubuntu xenial/main amd64 libcairo2 amd64 1.14.6-1 [555 kB]\n", "Get:138 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libcups2 amd64 2.1.3-4ubuntu0.5 [197 kB]\n", "Get:139 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libcurl3 amd64 7.47.0-1ubuntu2.8 [187 kB]\n", "Get:140 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libcurl4-openssl-dev amd64 7.47.0-1ubuntu2.8 [263 kB]\n", "Get:141 http://archive.ubuntu.com/ubuntu xenial/main amd64 libdatrie1 amd64 0.2.10-2 [17.3 kB]\n", "Get:142 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libexpat1-dev amd64 2.1.0-7ubuntu0.16.04.3 [115 kB]\n", "Get:143 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 zlib1g-dev amd64 1:1.2.8.dfsg-2ubuntu4.1 [168 kB]\n", "Get:144 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libpng12-dev amd64 1.2.54-1ubuntu1.1 [183 kB]\n", "Get:145 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libfreetype6-dev amd64 2.6.1-0.1ubuntu2.3 [956 kB]\n", "Get:146 http://archive.ubuntu.com/ubuntu xenial/main amd64 libjpeg8 amd64 8c-2ubuntu8 [2194 B]\n", "Get:147 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libtiff5 amd64 4.0.6-1ubuntu0.4 [148 kB]\n", "Get:148 http://archive.ubuntu.com/ubuntu xenial/main amd64 libvpx3 amd64 1.5.0-2ubuntu1 [732 kB]\n", "Get:149 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libxpm4 amd64 1:3.5.11-1ubuntu0.16.04.1 [33.8 kB]\n", "Get:150 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libgd3 amd64 2.1.1-4ubuntu0.16.04.8 [126 kB]\n", "Get:151 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libgdk-pixbuf2.0-common all 2.32.2-1ubuntu1.5 [10.3 kB]\n", "Get:152 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libgdk-pixbuf2.0-0 amd64 2.32.2-1ubuntu1.5 [159 kB]\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Get:153 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libgfortran3 amd64 5.4.0-6ubuntu1~16.04.10 [260 kB]\n", "Get:154 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libgraphite2-3 amd64 1.3.10-0ubuntu0.16.04.1 [71.7 kB]\n", "Get:155 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libgtk2.0-common all 2.24.30-1ubuntu1.16.04.2 [123 kB]\n", "Get:156 http://archive.ubuntu.com/ubuntu xenial/main amd64 libthai-data all 0.1.24-2 [131 kB]\n", "Get:157 http://archive.ubuntu.com/ubuntu xenial/main amd64 libthai0 amd64 0.1.24-2 [17.3 kB]\n", "Get:158 http://archive.ubuntu.com/ubuntu xenial/main amd64 libpango-1.0-0 amd64 1.38.1-1 [148 kB]\n", "Get:159 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libharfbuzz0b amd64 1.0.1-1ubuntu0.1 [140 kB]\n", "Get:160 http://archive.ubuntu.com/ubuntu xenial/main amd64 libpangoft2-1.0-0 amd64 1.38.1-1 [33.3 kB]\n", "Get:161 http://archive.ubuntu.com/ubuntu xenial/main amd64 libpangocairo-1.0-0 amd64 1.38.1-1 [20.5 kB]\n", "Get:162 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libxcursor1 amd64 1:1.1.14-1ubuntu0.16.04.2 [19.9 kB]\n", "Get:163 http://archive.ubuntu.com/ubuntu xenial/main amd64 libxi6 amd64 2:1.7.6-1 [28.6 kB]\n", "Get:164 http://archive.ubuntu.com/ubuntu xenial/main amd64 libxrandr2 amd64 2:1.5.0-1 [17.6 kB]\n", "Get:165 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libgtk2.0-0 amd64 2.24.30-1ubuntu1.16.04.2 [1775 kB]\n", "Get:166 http://archive.ubuntu.com/ubuntu xenial/universe amd64 libsz2 amd64 0.3.2-1 [5048 B]\n", "Get:167 http://archive.ubuntu.com/ubuntu xenial/universe amd64 libhdf5-10 amd64 1.8.16+docs-4ubuntu1 [995 kB]\n", "Get:168 http://archive.ubuntu.com/ubuntu xenial/universe amd64 libhdf5-cpp-11 amd64 1.8.16+docs-4ubuntu1 [101 kB]\n", "Get:169 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libjpeg-turbo8-dev amd64 1.4.2-0ubuntu3.1 [254 kB]\n", "Get:170 http://archive.ubuntu.com/ubuntu xenial/main amd64 libjpeg8-dev amd64 8c-2ubuntu8 [1552 B]\n", "Get:171 http://archive.ubuntu.com/ubuntu xenial/main amd64 libjpeg-dev amd64 8c-2ubuntu8 [1546 B]\n", "Get:172 http://archive.ubuntu.com/ubuntu xenial/universe amd64 libaec-dev amd64 0.3.2-1 [16.6 kB]\n", "Get:173 http://archive.ubuntu.com/ubuntu xenial/universe amd64 libhdf5-dev amd64 1.8.16+docs-4ubuntu1 [5005 kB]\n", "Get:174 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libpython3.5 amd64 3.5.2-2ubuntu0~16.04.4 [1360 kB]\n", "Get:175 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libpython3.5-dev amd64 3.5.2-2ubuntu0~16.04.4 [37.3 MB]\n", "Get:176 http://archive.ubuntu.com/ubuntu xenial/main amd64 libpython3-dev amd64 3.5.1-3 [6926 B]\n", "Get:177 http://archive.ubuntu.com/ubuntu xenial/universe amd64 libsodium18 amd64 1.0.8-5 [144 kB]\n", "Get:178 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 libxslt1.1 amd64 1.1.28-2.1ubuntu0.1 [145 kB]\n", "Get:179 http://archive.ubuntu.com/ubuntu xenial/universe amd64 libzmq5 amd64 4.1.4-7 [149 kB]\n", "Get:180 http://archive.ubuntu.com/ubuntu xenial/universe amd64 libzmq3-dev amd64 4.1.4-7 [282 kB]\n", "Get:181 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 nginx-common all 1.10.3-0ubuntu0.16.04.2 [26.6 kB]\n", "Get:182 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 nginx-core amd64 1.10.3-0ubuntu0.16.04.2 [428 kB]\n", "Get:183 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 nginx all 1.10.3-0ubuntu0.16.04.2 [3490 B]\n", "Get:184 http://archive.ubuntu.com/ubuntu xenial/main amd64 pkg-config amd64 0.29.1-0ubuntu1 [45.0 kB]\n", "Get:185 http://archive.ubuntu.com/ubuntu xenial-updates/universe amd64 python-pip-whl all 8.1.1-2ubuntu0.4 [1110 kB]\n", "Get:186 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 python3.5-dev amd64 3.5.2-2ubuntu0~16.04.4 [413 kB]\n", "Get:187 http://archive.ubuntu.com/ubuntu xenial/main amd64 python3-dev amd64 3.5.1-3 [1186 B]\n", "Get:188 http://archive.ubuntu.com/ubuntu xenial-updates/universe amd64 python3-pip all 8.1.1-2ubuntu0.4 [109 kB]\n", "Get:189 http://archive.ubuntu.com/ubuntu xenial/main amd64 python3-pycurl amd64 7.43.0-1ubuntu1 [42.3 kB]\n", "Get:190 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 python3-software-properties all 0.96.20.7 [20.3 kB]\n", "Get:191 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 software-properties-common all 0.96.20.7 [9452 B]\n", "Get:192 http://archive.ubuntu.com/ubuntu xenial/main amd64 unzip amd64 6.0-20ubuntu1 [158 kB]\n", "Get:193 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 vim-runtime all 2:7.4.1689-3ubuntu1.2 [5164 kB]\n", "Get:194 http://archive.ubuntu.com/ubuntu xenial-updates/main amd64 vim amd64 2:7.4.1689-3ubuntu1.2 [1036 kB]\n", "\u001b[91mdebconf: delaying package configuration, since apt-utils is not installed\n", "\u001b[0mFetched 135 MB in 14s (9453 kB/s)\n", "Selecting previously unselected package libpopt0:amd64.\n", "(Reading database ... 4768 files and directories currently installed.)\n", "Preparing to unpack .../libpopt0_1.16-10_amd64.deb ...\n", "Unpacking libpopt0:amd64 (1.16-10) ...\n", "Selecting previously unselected package libssl1.0.0:amd64.\n", "Preparing to unpack .../libssl1.0.0_1.0.2g-1ubuntu4.13_amd64.deb ...\n", "Unpacking libssl1.0.0:amd64 (1.0.2g-1ubuntu4.13) ...\n", "Selecting previously unselected package libpython3.5-minimal:amd64.\n", "Preparing to unpack .../libpython3.5-minimal_3.5.2-2ubuntu0~16.04.4_amd64.deb ...\n", "Unpacking libpython3.5-minimal:amd64 (3.5.2-2ubuntu0~16.04.4) ...\n", "Selecting previously unselected package libexpat1:amd64.\n", "Preparing to unpack .../libexpat1_2.1.0-7ubuntu0.16.04.3_amd64.deb ...\n", "Unpacking libexpat1:amd64 (2.1.0-7ubuntu0.16.04.3) ...\n", "Selecting previously unselected package python3.5-minimal.\n", "Preparing to unpack .../python3.5-minimal_3.5.2-2ubuntu0~16.04.4_amd64.deb ...\n", "Unpacking python3.5-minimal (3.5.2-2ubuntu0~16.04.4) ...\n", "Selecting previously unselected package python3-minimal.\n", "Preparing to unpack .../python3-minimal_3.5.1-3_amd64.deb ...\n", "Unpacking python3-minimal (3.5.1-3) ...\n", "Selecting previously unselected package mime-support.\n", "Preparing to unpack .../mime-support_3.59ubuntu1_all.deb ...\n", "Unpacking mime-support (3.59ubuntu1) ...\n", "Selecting previously unselected package libmpdec2:amd64.\n", "Preparing to unpack .../libmpdec2_2.4.2-1_amd64.deb ...\n", "Unpacking libmpdec2:amd64 (2.4.2-1) ...\n", "Selecting previously unselected package libsqlite3-0:amd64.\n", "Preparing to unpack .../libsqlite3-0_3.11.0-1ubuntu1_amd64.deb ...\n", "Unpacking libsqlite3-0:amd64 (3.11.0-1ubuntu1) ...\n", "Selecting previously unselected package libpython3.5-stdlib:amd64.\n", "Preparing to unpack .../libpython3.5-stdlib_3.5.2-2ubuntu0~16.04.4_amd64.deb ...\n", "Unpacking libpython3.5-stdlib:amd64 (3.5.2-2ubuntu0~16.04.4) ...\n", "Selecting previously unselected package python3.5.\n", "Preparing to unpack .../python3.5_3.5.2-2ubuntu0~16.04.4_amd64.deb ...\n", "Unpacking python3.5 (3.5.2-2ubuntu0~16.04.4) ...\n", "Selecting previously unselected package libpython3-stdlib:amd64.\n", "Preparing to unpack .../libpython3-stdlib_3.5.1-3_amd64.deb ...\n", "Unpacking libpython3-stdlib:amd64 (3.5.1-3) ...\n", "Selecting previously unselected package dh-python.\n", "Preparing to unpack .../dh-python_2.20151103ubuntu1.1_all.deb ...\n", "Unpacking dh-python (2.20151103ubuntu1.1) ...\n", "Processing triggers for libc-bin (2.23-0ubuntu10) ...\n", "Setting up libssl1.0.0:amd64 (1.0.2g-1ubuntu4.13) ...\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.22.1 /usr/local/share/perl/5.22.1 /usr/lib/x86_64-linux-gnu/perl5/5.22 /usr/share/perl5 /usr/lib/x86_64-linux-gnu/perl/5.22 /usr/share/perl/5.22 /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 libpython3.5-minimal:amd64 (3.5.2-2ubuntu0~16.04.4) ...\n", "Setting up libexpat1:amd64 (2.1.0-7ubuntu0.16.04.3) ...\n", "Setting up python3.5-minimal (3.5.2-2ubuntu0~16.04.4) ...\n", "Setting up python3-minimal (3.5.1-3) ...\n", "Processing triggers for libc-bin (2.23-0ubuntu10) ...\n", "Selecting previously unselected package python3.\n", "(Reading database ... 5750 files and directories currently installed.)\n", "Preparing to unpack .../python3_3.5.1-3_amd64.deb ...\n", "Unpacking python3 (3.5.1-3) ...\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Selecting previously unselected package libgdbm3:amd64.\n", "Preparing to unpack .../libgdbm3_1.8.3-13.1_amd64.deb ...\n", "Unpacking libgdbm3:amd64 (1.8.3-13.1) ...\n", "Selecting previously unselected package libffi6:amd64.\n", "Preparing to unpack .../libffi6_3.2.1-4_amd64.deb ...\n", "Unpacking libffi6:amd64 (3.2.1-4) ...\n", "Selecting previously unselected package libglib2.0-0:amd64.\n", "Preparing to unpack .../libglib2.0-0_2.48.2-0ubuntu4_amd64.deb ...\n", "Unpacking libglib2.0-0:amd64 (2.48.2-0ubuntu4) ...\n", "Selecting previously unselected package libxau6:amd64.\n", "Preparing to unpack .../libxau6_1%3a1.0.8-1_amd64.deb ...\n", "Unpacking libxau6:amd64 (1:1.0.8-1) ...\n", "Selecting previously unselected package libxdmcp6:amd64.\n", "Preparing to unpack .../libxdmcp6_1%3a1.1.2-1.1_amd64.deb ...\n", "Unpacking libxdmcp6:amd64 (1:1.1.2-1.1) ...\n", "Selecting previously unselected package libxcb1:amd64.\n", "Preparing to unpack .../libxcb1_1.11.1-1ubuntu1_amd64.deb ...\n", "Unpacking libxcb1:amd64 (1.11.1-1ubuntu1) ...\n", "Selecting previously unselected package libx11-data.\n", "Preparing to unpack .../libx11-data_2%3a1.6.3-1ubuntu2_all.deb ...\n", "Unpacking libx11-data (2:1.6.3-1ubuntu2) ...\n", "Selecting previously unselected package libx11-6:amd64.\n", "Preparing to unpack .../libx11-6_2%3a1.6.3-1ubuntu2_amd64.deb ...\n", "Unpacking libx11-6:amd64 (2:1.6.3-1ubuntu2) ...\n", "Selecting previously unselected package libxext6:amd64.\n", "Preparing to unpack .../libxext6_2%3a1.3.3-1_amd64.deb ...\n", "Unpacking libxext6:amd64 (2:1.3.3-1) ...\n", "Selecting previously unselected package fonts-dejavu-core.\n", "Preparing to unpack .../fonts-dejavu-core_2.35-1_all.deb ...\n", "Unpacking fonts-dejavu-core (2.35-1) ...\n", "Selecting previously unselected package ucf.\n", "Preparing to unpack .../archives/ucf_3.0036_all.deb ...\n", "Moving old data out of the way\n", "Unpacking ucf (3.0036) ...\n", "Selecting previously unselected package fontconfig-config.\n", "Preparing to unpack .../fontconfig-config_2.11.94-0ubuntu1.1_all.deb ...\n", "Unpacking fontconfig-config (2.11.94-0ubuntu1.1) ...\n", "Selecting previously unselected package libpng12-0:amd64.\n", "Preparing to unpack .../libpng12-0_1.2.54-1ubuntu1.1_amd64.deb ...\n", "Unpacking libpng12-0:amd64 (1.2.54-1ubuntu1.1) ...\n", "Selecting previously unselected package libfreetype6:amd64.\n", "Preparing to unpack .../libfreetype6_2.6.1-0.1ubuntu2.3_amd64.deb ...\n", "Unpacking libfreetype6:amd64 (2.6.1-0.1ubuntu2.3) ...\n", "Selecting previously unselected package libfontconfig1:amd64.\n", "Preparing to unpack .../libfontconfig1_2.11.94-0ubuntu1.1_amd64.deb ...\n", "Unpacking libfontconfig1:amd64 (2.11.94-0ubuntu1.1) ...\n", "Selecting previously unselected package fontconfig.\n", "Preparing to unpack .../fontconfig_2.11.94-0ubuntu1.1_amd64.deb ...\n", "Unpacking fontconfig (2.11.94-0ubuntu1.1) ...\n", "Selecting previously unselected package libgpm2:amd64.\n", "Preparing to unpack .../libgpm2_1.20.4-6.1_amd64.deb ...\n", "Unpacking libgpm2:amd64 (1.20.4-6.1) ...\n", "Selecting previously unselected package libjpeg-turbo8:amd64.\n", "Preparing to unpack .../libjpeg-turbo8_1.4.2-0ubuntu3.1_amd64.deb ...\n", "Unpacking libjpeg-turbo8:amd64 (1.4.2-0ubuntu3.1) ...\n", "Selecting previously unselected package libxcomposite1:amd64.\n", "Preparing to unpack .../libxcomposite1_1%3a0.4.4-1_amd64.deb ...\n", "Unpacking libxcomposite1:amd64 (1:0.4.4-1) ...\n", "Selecting previously unselected package libxdamage1:amd64.\n", "Preparing to unpack .../libxdamage1_1%3a1.1.4-2_amd64.deb ...\n", "Unpacking libxdamage1:amd64 (1:1.1.4-2) ...\n", "Selecting previously unselected package libxfixes3:amd64.\n", "Preparing to unpack .../libxfixes3_1%3a5.0.1-2_amd64.deb ...\n", "Unpacking libxfixes3:amd64 (1:5.0.1-2) ...\n", "Selecting previously unselected package libxinerama1:amd64.\n", "Preparing to unpack .../libxinerama1_2%3a1.1.3-1_amd64.deb ...\n", "Unpacking libxinerama1:amd64 (2:1.1.3-1) ...\n", "Selecting previously unselected package perl-modules-5.22.\n", "Preparing to unpack .../perl-modules-5.22_5.22.1-9ubuntu0.5_all.deb ...\n", "Unpacking perl-modules-5.22 (5.22.1-9ubuntu0.5) ...\n", "Selecting previously unselected package libperl5.22:amd64.\n", "Preparing to unpack .../libperl5.22_5.22.1-9ubuntu0.5_amd64.deb ...\n", "Unpacking libperl5.22:amd64 (5.22.1-9ubuntu0.5) ...\n", "Selecting previously unselected package perl.\n", "Preparing to unpack .../perl_5.22.1-9ubuntu0.5_amd64.deb ...\n", "Unpacking perl (5.22.1-9ubuntu0.5) ...\n", "Selecting previously unselected package libjbig0:amd64.\n", "Preparing to unpack .../libjbig0_2.1-3.1_amd64.deb ...\n", "Unpacking libjbig0:amd64 (2.1-3.1) ...\n", "Selecting previously unselected package libgmp10:amd64.\n", "Preparing to unpack .../libgmp10_2%3a6.1.0+dfsg-2_amd64.deb ...\n", "Unpacking libgmp10:amd64 (2:6.1.0+dfsg-2) ...\n", "Selecting previously unselected package libmpfr4:amd64.\n", "Preparing to unpack .../libmpfr4_3.1.4-1_amd64.deb ...\n", "Unpacking libmpfr4:amd64 (3.1.4-1) ...\n", "Selecting previously unselected package libmpc3:amd64.\n", "Preparing to unpack .../libmpc3_1.0.3-1_amd64.deb ...\n", "Unpacking libmpc3:amd64 (1.0.3-1) ...\n", "Selecting previously unselected package libapt-inst2.0:amd64.\n", "Preparing to unpack .../libapt-inst2.0_1.2.27_amd64.deb ...\n", "Unpacking libapt-inst2.0:amd64 (1.2.27) ...\n", "Selecting previously unselected package apt-utils.\n", "Preparing to unpack .../apt-utils_1.2.27_amd64.deb ...\n", "Unpacking apt-utils (1.2.27) ...\n", "Selecting previously unselected package bzip2.\n", "Preparing to unpack .../bzip2_1.0.6-8_amd64.deb ...\n", "Unpacking bzip2 (1.0.6-8) ...\n", "Selecting previously unselected package distro-info-data.\n", "Preparing to unpack .../distro-info-data_0.28ubuntu0.8_all.deb ...\n", "Unpacking distro-info-data (0.28ubuntu0.8) ...\n", "Selecting previously unselected package libnettle6:amd64.\n", "Preparing to unpack .../libnettle6_3.2-1ubuntu0.16.04.1_amd64.deb ...\n", "Unpacking libnettle6:amd64 (3.2-1ubuntu0.16.04.1) ...\n", "Selecting previously unselected package libhogweed4:amd64.\n", "Preparing to unpack .../libhogweed4_3.2-1ubuntu0.16.04.1_amd64.deb ...\n", "Unpacking libhogweed4:amd64 (3.2-1ubuntu0.16.04.1) ...\n", "Selecting previously unselected package libidn11:amd64.\n", "Preparing to unpack .../libidn11_1.32-3ubuntu1.2_amd64.deb ...\n", "Unpacking libidn11:amd64 (1.32-3ubuntu1.2) ...\n", "Selecting previously unselected package libp11-kit0:amd64.\n", "Preparing to unpack .../libp11-kit0_0.23.2-5~ubuntu16.04.1_amd64.deb ...\n", "Unpacking libp11-kit0:amd64 (0.23.2-5~ubuntu16.04.1) ...\n", "Selecting previously unselected package libtasn1-6:amd64.\n", "Preparing to unpack .../libtasn1-6_4.7-3ubuntu0.16.04.3_amd64.deb ...\n", "Unpacking libtasn1-6:amd64 (4.7-3ubuntu0.16.04.3) ...\n", "Selecting previously unselected package libgnutls30:amd64.\n", "Preparing to unpack .../libgnutls30_3.4.10-4ubuntu1.4_amd64.deb ...\n", "Unpacking libgnutls30:amd64 (3.4.10-4ubuntu1.4) ...\n", "Selecting previously unselected package lsb-release.\n", "Preparing to unpack .../lsb-release_9.20160110ubuntu0.2_all.deb ...\n", "Unpacking lsb-release (9.20160110ubuntu0.2) ...\n", "Selecting previously unselected package vim-common.\n", "Preparing to unpack .../vim-common_2%3a7.4.1689-3ubuntu1.2_amd64.deb ...\n", "Unpacking vim-common (2:7.4.1689-3ubuntu1.2) ...\n", "Selecting previously unselected package openssl.\n", "Preparing to unpack .../openssl_1.0.2g-1ubuntu4.13_amd64.deb ...\n", "Unpacking openssl (1.0.2g-1ubuntu4.13) ...\n", "Selecting previously unselected package ca-certificates.\n", "Preparing to unpack .../ca-certificates_20170717~16.04.1_all.deb ...\n", "Unpacking ca-certificates (20170717~16.04.1) ...\n", "Selecting previously unselected package libgirepository-1.0-1:amd64.\n", "Preparing to unpack .../libgirepository-1.0-1_1.46.0-3ubuntu1_amd64.deb ...\n", "Unpacking libgirepository-1.0-1:amd64 (1.46.0-3ubuntu1) ...\n", "Selecting previously unselected package gir1.2-glib-2.0:amd64.\n", "Preparing to unpack .../gir1.2-glib-2.0_1.46.0-3ubuntu1_amd64.deb ...\n", "Unpacking gir1.2-glib-2.0:amd64 (1.46.0-3ubuntu1) ...\n", "Selecting previously unselected package iso-codes.\n", "Preparing to unpack .../iso-codes_3.65-1_all.deb ...\n", "Unpacking iso-codes (3.65-1) ...\n", "Selecting previously unselected package libroken18-heimdal:amd64.\n", "Preparing to unpack .../libroken18-heimdal_1.7~git20150920+dfsg-4ubuntu1.16.04.1_amd64.deb ...\n", "Unpacking libroken18-heimdal:amd64 (1.7~git20150920+dfsg-4ubuntu1.16.04.1) ...\n", "Selecting previously unselected package libasn1-8-heimdal:amd64.\n", "Preparing to unpack .../libasn1-8-heimdal_1.7~git20150920+dfsg-4ubuntu1.16.04.1_amd64.deb ...\n", "Unpacking libasn1-8-heimdal:amd64 (1.7~git20150920+dfsg-4ubuntu1.16.04.1) ...\n", "Selecting previously unselected package libkrb5support0:amd64.\n", "Preparing to unpack .../libkrb5support0_1.13.2+dfsg-5ubuntu2_amd64.deb ...\n", "Unpacking libkrb5support0:amd64 (1.13.2+dfsg-5ubuntu2) ...\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Selecting previously unselected package libk5crypto3:amd64.\n", "Preparing to unpack .../libk5crypto3_1.13.2+dfsg-5ubuntu2_amd64.deb ...\n", "Unpacking libk5crypto3:amd64 (1.13.2+dfsg-5ubuntu2) ...\n", "Selecting previously unselected package libkeyutils1:amd64.\n", "Preparing to unpack .../libkeyutils1_1.5.9-8ubuntu1_amd64.deb ...\n", "Unpacking libkeyutils1:amd64 (1.5.9-8ubuntu1) ...\n", "Selecting previously unselected package libkrb5-3:amd64.\n", "Preparing to unpack .../libkrb5-3_1.13.2+dfsg-5ubuntu2_amd64.deb ...\n", "Unpacking libkrb5-3:amd64 (1.13.2+dfsg-5ubuntu2) ...\n", "Selecting previously unselected package libgssapi-krb5-2:amd64.\n", "Preparing to unpack .../libgssapi-krb5-2_1.13.2+dfsg-5ubuntu2_amd64.deb ...\n", "Unpacking libgssapi-krb5-2:amd64 (1.13.2+dfsg-5ubuntu2) ...\n", "Selecting previously unselected package libhcrypto4-heimdal:amd64.\n", "Preparing to unpack .../libhcrypto4-heimdal_1.7~git20150920+dfsg-4ubuntu1.16.04.1_amd64.deb ...\n", "Unpacking libhcrypto4-heimdal:amd64 (1.7~git20150920+dfsg-4ubuntu1.16.04.1) ...\n", "Selecting previously unselected package libheimbase1-heimdal:amd64.\n", "Preparing to unpack .../libheimbase1-heimdal_1.7~git20150920+dfsg-4ubuntu1.16.04.1_amd64.deb ...\n", "Unpacking libheimbase1-heimdal:amd64 (1.7~git20150920+dfsg-4ubuntu1.16.04.1) ...\n", "Selecting previously unselected package libwind0-heimdal:amd64.\n", "Preparing to unpack .../libwind0-heimdal_1.7~git20150920+dfsg-4ubuntu1.16.04.1_amd64.deb ...\n", "Unpacking libwind0-heimdal:amd64 (1.7~git20150920+dfsg-4ubuntu1.16.04.1) ...\n", "Selecting previously unselected package libhx509-5-heimdal:amd64.\n", "Preparing to unpack .../libhx509-5-heimdal_1.7~git20150920+dfsg-4ubuntu1.16.04.1_amd64.deb ...\n", "Unpacking libhx509-5-heimdal:amd64 (1.7~git20150920+dfsg-4ubuntu1.16.04.1) ...\n", "Selecting previously unselected package libkrb5-26-heimdal:amd64.\n", "Preparing to unpack .../libkrb5-26-heimdal_1.7~git20150920+dfsg-4ubuntu1.16.04.1_amd64.deb ...\n", "Unpacking libkrb5-26-heimdal:amd64 (1.7~git20150920+dfsg-4ubuntu1.16.04.1) ...\n", "Selecting previously unselected package libheimntlm0-heimdal:amd64.\n", "Preparing to unpack .../libheimntlm0-heimdal_1.7~git20150920+dfsg-4ubuntu1.16.04.1_amd64.deb ...\n", "Unpacking libheimntlm0-heimdal:amd64 (1.7~git20150920+dfsg-4ubuntu1.16.04.1) ...\n", "Selecting previously unselected package libgssapi3-heimdal:amd64.\n", "Preparing to unpack .../libgssapi3-heimdal_1.7~git20150920+dfsg-4ubuntu1.16.04.1_amd64.deb ...\n", "Unpacking libgssapi3-heimdal:amd64 (1.7~git20150920+dfsg-4ubuntu1.16.04.1) ...\n", "Selecting previously unselected package libsasl2-modules-db:amd64.\n", "Preparing to unpack .../libsasl2-modules-db_2.1.26.dfsg1-14build1_amd64.deb ...\n", "Unpacking libsasl2-modules-db:amd64 (2.1.26.dfsg1-14build1) ...\n", "Selecting previously unselected package libsasl2-2:amd64.\n", "Preparing to unpack .../libsasl2-2_2.1.26.dfsg1-14build1_amd64.deb ...\n", "Unpacking libsasl2-2:amd64 (2.1.26.dfsg1-14build1) ...\n", "Selecting previously unselected package libldap-2.4-2:amd64.\n", "Preparing to unpack .../libldap-2.4-2_2.4.42+dfsg-2ubuntu3.3_amd64.deb ...\n", "Unpacking libldap-2.4-2:amd64 (2.4.42+dfsg-2ubuntu3.3) ...\n", "Selecting previously unselected package librtmp1:amd64.\n", "Preparing to unpack .../librtmp1_2.4+20151223.gitfa8646d-1ubuntu0.1_amd64.deb ...\n", "Unpacking librtmp1:amd64 (2.4+20151223.gitfa8646d-1ubuntu0.1) ...\n", "Selecting previously unselected package libcurl3-gnutls:amd64.\n", "Preparing to unpack .../libcurl3-gnutls_7.47.0-1ubuntu2.8_amd64.deb ...\n", "Unpacking libcurl3-gnutls:amd64 (7.47.0-1ubuntu2.8) ...\n", "Selecting previously unselected package libdbus-1-3:amd64.\n", "Preparing to unpack .../libdbus-1-3_1.10.6-1ubuntu3.3_amd64.deb ...\n", "Unpacking libdbus-1-3:amd64 (1.10.6-1ubuntu3.3) ...\n", "Selecting previously unselected package libdbus-glib-1-2:amd64.\n", "Preparing to unpack .../libdbus-glib-1-2_0.106-1_amd64.deb ...\n", "Unpacking libdbus-glib-1-2:amd64 (0.106-1) ...\n", "Selecting previously unselected package libgeoip1:amd64.\n", "Preparing to unpack .../libgeoip1_1.6.9-1_amd64.deb ...\n", "Unpacking libgeoip1:amd64 (1.6.9-1) ...\n", "Selecting previously unselected package libicu55:amd64.\n", "Preparing to unpack .../libicu55_55.1-7ubuntu0.4_amd64.deb ...\n", "Unpacking libicu55:amd64 (55.1-7ubuntu0.4) ...\n", "Selecting previously unselected package libxml2:amd64.\n", "Preparing to unpack .../libxml2_2.9.3+dfsg1-1ubuntu0.6_amd64.deb ...\n", "Unpacking libxml2:amd64 (2.9.3+dfsg1-1ubuntu0.6) ...\n", "Selecting previously unselected package python-apt-common.\n", "Preparing to unpack .../python-apt-common_1.1.0~beta1ubuntu0.16.04.2_all.deb ...\n", "Unpacking python-apt-common (1.1.0~beta1ubuntu0.16.04.2) ...\n", "Selecting previously unselected package python3-apt.\n", "Preparing to unpack .../python3-apt_1.1.0~beta1ubuntu0.16.04.2_amd64.deb ...\n", "Unpacking python3-apt (1.1.0~beta1ubuntu0.16.04.2) ...\n", "Selecting previously unselected package python3-dbus.\n", "Preparing to unpack .../python3-dbus_1.2.0-3_amd64.deb ...\n", "Unpacking python3-dbus (1.2.0-3) ...\n", "Selecting previously unselected package python3-gi.\n", "Preparing to unpack .../python3-gi_3.20.0-0ubuntu1_amd64.deb ...\n", "Unpacking python3-gi (3.20.0-0ubuntu1) ...\n", "Selecting previously unselected package rsync.\n", "Preparing to unpack .../rsync_3.1.1-3ubuntu1.2_amd64.deb ...\n", "Unpacking rsync (3.1.1-3ubuntu1.2) ...\n", "Selecting previously unselected package shared-mime-info.\n", "Preparing to unpack .../shared-mime-info_1.5-2ubuntu0.2_amd64.deb ...\n", "Unpacking shared-mime-info (1.5-2ubuntu0.2) ...\n", "Selecting previously unselected package wget.\n", "Preparing to unpack .../wget_1.17.1-1ubuntu1.4_amd64.deb ...\n", "Unpacking wget (1.17.1-1ubuntu1.4) ...\n", "Selecting previously unselected package binutils.\n", "Preparing to unpack .../binutils_2.26.1-1ubuntu1~16.04.6_amd64.deb ...\n", "Unpacking binutils (2.26.1-1ubuntu1~16.04.6) ...\n", "Selecting previously unselected package libc-dev-bin.\n", "Preparing to unpack .../libc-dev-bin_2.23-0ubuntu10_amd64.deb ...\n", "Unpacking libc-dev-bin (2.23-0ubuntu10) ...\n", "Selecting previously unselected package linux-libc-dev:amd64.\n", "Preparing to unpack .../linux-libc-dev_4.4.0-133.159_amd64.deb ...\n", "Unpacking linux-libc-dev:amd64 (4.4.0-133.159) ...\n", "Selecting previously unselected package libc6-dev:amd64.\n", "Preparing to unpack .../libc6-dev_2.23-0ubuntu10_amd64.deb ...\n", "Unpacking libc6-dev:amd64 (2.23-0ubuntu10) ...\n", "Selecting previously unselected package libisl15:amd64.\n", "Preparing to unpack .../libisl15_0.16.1-1_amd64.deb ...\n", "Unpacking libisl15:amd64 (0.16.1-1) ...\n", "Selecting previously unselected package cpp-5.\n", "Preparing to unpack .../cpp-5_5.4.0-6ubuntu1~16.04.10_amd64.deb ...\n", "Unpacking cpp-5 (5.4.0-6ubuntu1~16.04.10) ...\n", "Selecting previously unselected package cpp.\n", "Preparing to unpack .../cpp_4%3a5.3.1-1ubuntu1_amd64.deb ...\n", "Unpacking cpp (4:5.3.1-1ubuntu1) ...\n", "Selecting previously unselected package libcc1-0:amd64.\n", "Preparing to unpack .../libcc1-0_5.4.0-6ubuntu1~16.04.10_amd64.deb ...\n", "Unpacking libcc1-0:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Selecting previously unselected package libgomp1:amd64.\n", "Preparing to unpack .../libgomp1_5.4.0-6ubuntu1~16.04.10_amd64.deb ...\n", "Unpacking libgomp1:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Selecting previously unselected package libitm1:amd64.\n", "Preparing to unpack .../libitm1_5.4.0-6ubuntu1~16.04.10_amd64.deb ...\n", "Unpacking libitm1:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Selecting previously unselected package libatomic1:amd64.\n", "Preparing to unpack .../libatomic1_5.4.0-6ubuntu1~16.04.10_amd64.deb ...\n", "Unpacking libatomic1:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Selecting previously unselected package libasan2:amd64.\n", "Preparing to unpack .../libasan2_5.4.0-6ubuntu1~16.04.10_amd64.deb ...\n", "Unpacking libasan2:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Selecting previously unselected package liblsan0:amd64.\n", "Preparing to unpack .../liblsan0_5.4.0-6ubuntu1~16.04.10_amd64.deb ...\n", "Unpacking liblsan0:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Selecting previously unselected package libtsan0:amd64.\n", "Preparing to unpack .../libtsan0_5.4.0-6ubuntu1~16.04.10_amd64.deb ...\n", "Unpacking libtsan0:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Selecting previously unselected package libubsan0:amd64.\n", "Preparing to unpack .../libubsan0_5.4.0-6ubuntu1~16.04.10_amd64.deb ...\n", "Unpacking libubsan0:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Selecting previously unselected package libcilkrts5:amd64.\n", "Preparing to unpack .../libcilkrts5_5.4.0-6ubuntu1~16.04.10_amd64.deb ...\n", "Unpacking libcilkrts5:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Selecting previously unselected package libmpx0:amd64.\n", "Preparing to unpack .../libmpx0_5.4.0-6ubuntu1~16.04.10_amd64.deb ...\n", "Unpacking libmpx0:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Selecting previously unselected package libquadmath0:amd64.\n", "Preparing to unpack .../libquadmath0_5.4.0-6ubuntu1~16.04.10_amd64.deb ...\n", "Unpacking libquadmath0:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Selecting previously unselected package libgcc-5-dev:amd64.\n", "Preparing to unpack .../libgcc-5-dev_5.4.0-6ubuntu1~16.04.10_amd64.deb ...\n", "Unpacking libgcc-5-dev:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Selecting previously unselected package gcc-5.\n", "Preparing to unpack .../gcc-5_5.4.0-6ubuntu1~16.04.10_amd64.deb ...\n", "Unpacking gcc-5 (5.4.0-6ubuntu1~16.04.10) ...\n", "Selecting previously unselected package gcc.\n", "Preparing to unpack .../gcc_4%3a5.3.1-1ubuntu1_amd64.deb ...\n", "Unpacking gcc (4:5.3.1-1ubuntu1) ...\n", "Selecting previously unselected package libstdc++-5-dev:amd64.\n", "Preparing to unpack .../libstdc++-5-dev_5.4.0-6ubuntu1~16.04.10_amd64.deb ...\n", "Unpacking libstdc++-5-dev:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Selecting previously unselected package g++-5.\n", "Preparing to unpack .../g++-5_5.4.0-6ubuntu1~16.04.10_amd64.deb ...\n", "Unpacking g++-5 (5.4.0-6ubuntu1~16.04.10) ...\n", "Selecting previously unselected package g++.\n", "Preparing to unpack .../g++_4%3a5.3.1-1ubuntu1_amd64.deb ...\n", "Unpacking g++ (4:5.3.1-1ubuntu1) ...\n", "Selecting previously unselected package make.\n", "Preparing to unpack .../archives/make_4.1-6_amd64.deb ...\n", "Unpacking make (4.1-6) ...\n", "Selecting previously unselected package libdpkg-perl.\n", "Preparing to unpack .../libdpkg-perl_1.18.4ubuntu1.4_all.deb ...\n", "Unpacking libdpkg-perl (1.18.4ubuntu1.4) ...\n", "Selecting previously unselected package xz-utils.\n", "Preparing to unpack .../xz-utils_5.1.1alpha+20120614-2ubuntu2_amd64.deb ...\n", "Unpacking xz-utils (5.1.1alpha+20120614-2ubuntu2) ...\n", "Selecting previously unselected package patch.\n", "Preparing to unpack .../patch_2.7.5-1ubuntu0.16.04.1_amd64.deb ...\n", "Unpacking patch (2.7.5-1ubuntu0.16.04.1) ...\n", "Selecting previously unselected package dpkg-dev.\n", "Preparing to unpack .../dpkg-dev_1.18.4ubuntu1.4_all.deb ...\n", "Unpacking dpkg-dev (1.18.4ubuntu1.4) ...\n", "Selecting previously unselected package build-essential.\n", "Preparing to unpack .../build-essential_12.1ubuntu2_amd64.deb ...\n", "Unpacking build-essential (12.1ubuntu2) ...\n", "Selecting previously unselected package curl.\n", "Preparing to unpack .../curl_7.47.0-1ubuntu2.8_amd64.deb ...\n", "Unpacking curl (7.47.0-1ubuntu2.8) ...\n", "Selecting previously unselected package liberror-perl.\n", "Preparing to unpack .../liberror-perl_0.17-1.2_all.deb ...\n", "Unpacking liberror-perl (0.17-1.2) ...\n", "Selecting previously unselected package git-man.\n", "Preparing to unpack .../git-man_1%3a2.7.4-0ubuntu1.4_all.deb ...\n", "Unpacking git-man (1:2.7.4-0ubuntu1.4) ...\n", "Selecting previously unselected package git.\n", "Preparing to unpack .../git_1%3a2.7.4-0ubuntu1.4_amd64.deb ...\n", "Unpacking git (1:2.7.4-0ubuntu1.4) ...\n", "Selecting previously unselected package hdf5-helpers.\n", "Preparing to unpack .../hdf5-helpers_1.8.16+docs-4ubuntu1_amd64.deb ...\n", "Unpacking hdf5-helpers (1.8.16+docs-4ubuntu1) ...\n", "Selecting previously unselected package libaec0:amd64.\n", "Preparing to unpack .../libaec0_0.3.2-1_amd64.deb ...\n", "Unpacking libaec0:amd64 (0.3.2-1) ...\n", "Selecting previously unselected package libatk1.0-data.\n", "Preparing to unpack .../libatk1.0-data_2.18.0-1_all.deb ...\n", "Unpacking libatk1.0-data (2.18.0-1) ...\n", "Selecting previously unselected package libatk1.0-0:amd64.\n", "Preparing to unpack .../libatk1.0-0_2.18.0-1_amd64.deb ...\n", "Unpacking libatk1.0-0:amd64 (2.18.0-1) ...\n", "Selecting previously unselected package libavahi-common-data:amd64.\n", "Preparing to unpack .../libavahi-common-data_0.6.32~rc+dfsg-1ubuntu2.2_amd64.deb ...\n", "Unpacking libavahi-common-data:amd64 (0.6.32~rc+dfsg-1ubuntu2.2) ...\n", "Selecting previously unselected package libavahi-common3:amd64.\n", "Preparing to unpack .../libavahi-common3_0.6.32~rc+dfsg-1ubuntu2.2_amd64.deb ...\n", "Unpacking libavahi-common3:amd64 (0.6.32~rc+dfsg-1ubuntu2.2) ...\n", "Selecting previously unselected package libavahi-client3:amd64.\n", "Preparing to unpack .../libavahi-client3_0.6.32~rc+dfsg-1ubuntu2.2_amd64.deb ...\n", "Unpacking libavahi-client3:amd64 (0.6.32~rc+dfsg-1ubuntu2.2) ...\n", "Selecting previously unselected package libpixman-1-0:amd64.\n", "Preparing to unpack .../libpixman-1-0_0.33.6-1_amd64.deb ...\n", "Unpacking libpixman-1-0:amd64 (0.33.6-1) ...\n", "Selecting previously unselected package libxcb-render0:amd64.\n", "Preparing to unpack .../libxcb-render0_1.11.1-1ubuntu1_amd64.deb ...\n", "Unpacking libxcb-render0:amd64 (1.11.1-1ubuntu1) ...\n", "Selecting previously unselected package libxcb-shm0:amd64.\n", "Preparing to unpack .../libxcb-shm0_1.11.1-1ubuntu1_amd64.deb ...\n", "Unpacking libxcb-shm0:amd64 (1.11.1-1ubuntu1) ...\n", "Selecting previously unselected package libxrender1:amd64.\n", "Preparing to unpack .../libxrender1_1%3a0.9.9-0ubuntu1_amd64.deb ...\n", "Unpacking libxrender1:amd64 (1:0.9.9-0ubuntu1) ...\n", "Selecting previously unselected package libcairo2:amd64.\n", "Preparing to unpack .../libcairo2_1.14.6-1_amd64.deb ...\n", "Unpacking libcairo2:amd64 (1.14.6-1) ...\n", "Selecting previously unselected package libcups2:amd64.\n", "Preparing to unpack .../libcups2_2.1.3-4ubuntu0.5_amd64.deb ...\n", "Unpacking libcups2:amd64 (2.1.3-4ubuntu0.5) ...\n", "Selecting previously unselected package libcurl3:amd64.\n", "Preparing to unpack .../libcurl3_7.47.0-1ubuntu2.8_amd64.deb ...\n", "Unpacking libcurl3:amd64 (7.47.0-1ubuntu2.8) ...\n", "Selecting previously unselected package libcurl4-openssl-dev:amd64.\n", "Preparing to unpack .../libcurl4-openssl-dev_7.47.0-1ubuntu2.8_amd64.deb ...\n", "Unpacking libcurl4-openssl-dev:amd64 (7.47.0-1ubuntu2.8) ...\n", "Selecting previously unselected package libdatrie1:amd64.\n", "Preparing to unpack .../libdatrie1_0.2.10-2_amd64.deb ...\n", "Unpacking libdatrie1:amd64 (0.2.10-2) ...\n", "Selecting previously unselected package libexpat1-dev:amd64.\n", "Preparing to unpack .../libexpat1-dev_2.1.0-7ubuntu0.16.04.3_amd64.deb ...\n", "Unpacking libexpat1-dev:amd64 (2.1.0-7ubuntu0.16.04.3) ...\n", "Selecting previously unselected package zlib1g-dev:amd64.\n", "Preparing to unpack .../zlib1g-dev_1%3a1.2.8.dfsg-2ubuntu4.1_amd64.deb ...\n", "Unpacking zlib1g-dev:amd64 (1:1.2.8.dfsg-2ubuntu4.1) ...\n", "Selecting previously unselected package libpng12-dev:amd64.\n", "Preparing to unpack .../libpng12-dev_1.2.54-1ubuntu1.1_amd64.deb ...\n", "Unpacking libpng12-dev:amd64 (1.2.54-1ubuntu1.1) ...\n", "Selecting previously unselected package libfreetype6-dev:amd64.\n", "Preparing to unpack .../libfreetype6-dev_2.6.1-0.1ubuntu2.3_amd64.deb ...\n", "Unpacking libfreetype6-dev:amd64 (2.6.1-0.1ubuntu2.3) ...\n", "Selecting previously unselected package libjpeg8:amd64.\n", "Preparing to unpack .../libjpeg8_8c-2ubuntu8_amd64.deb ...\n", "Unpacking libjpeg8:amd64 (8c-2ubuntu8) ...\n", "Selecting previously unselected package libtiff5:amd64.\n", "Preparing to unpack .../libtiff5_4.0.6-1ubuntu0.4_amd64.deb ...\n", "Unpacking libtiff5:amd64 (4.0.6-1ubuntu0.4) ...\n", "Selecting previously unselected package libvpx3:amd64.\n", "Preparing to unpack .../libvpx3_1.5.0-2ubuntu1_amd64.deb ...\n", "Unpacking libvpx3:amd64 (1.5.0-2ubuntu1) ...\n", "Selecting previously unselected package libxpm4:amd64.\n", "Preparing to unpack .../libxpm4_1%3a3.5.11-1ubuntu0.16.04.1_amd64.deb ...\n", "Unpacking libxpm4:amd64 (1:3.5.11-1ubuntu0.16.04.1) ...\n", "Selecting previously unselected package libgd3:amd64.\n", "Preparing to unpack .../libgd3_2.1.1-4ubuntu0.16.04.8_amd64.deb ...\n", "Unpacking libgd3:amd64 (2.1.1-4ubuntu0.16.04.8) ...\n", "Selecting previously unselected package libgdk-pixbuf2.0-common.\n", "Preparing to unpack .../libgdk-pixbuf2.0-common_2.32.2-1ubuntu1.5_all.deb ...\n", "Unpacking libgdk-pixbuf2.0-common (2.32.2-1ubuntu1.5) ...\n", "Selecting previously unselected package libgdk-pixbuf2.0-0:amd64.\n", "Preparing to unpack .../libgdk-pixbuf2.0-0_2.32.2-1ubuntu1.5_amd64.deb ...\n", "Unpacking libgdk-pixbuf2.0-0:amd64 (2.32.2-1ubuntu1.5) ...\n", "Selecting previously unselected package libgfortran3:amd64.\n", "Preparing to unpack .../libgfortran3_5.4.0-6ubuntu1~16.04.10_amd64.deb ...\n", "Unpacking libgfortran3:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Selecting previously unselected package libgraphite2-3:amd64.\n", "Preparing to unpack .../libgraphite2-3_1.3.10-0ubuntu0.16.04.1_amd64.deb ...\n", "Unpacking libgraphite2-3:amd64 (1.3.10-0ubuntu0.16.04.1) ...\n", "Selecting previously unselected package libgtk2.0-common.\n", "Preparing to unpack .../libgtk2.0-common_2.24.30-1ubuntu1.16.04.2_all.deb ...\n", "Unpacking libgtk2.0-common (2.24.30-1ubuntu1.16.04.2) ...\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Selecting previously unselected package libthai-data.\n", "Preparing to unpack .../libthai-data_0.1.24-2_all.deb ...\n", "Unpacking libthai-data (0.1.24-2) ...\n", "Selecting previously unselected package libthai0:amd64.\n", "Preparing to unpack .../libthai0_0.1.24-2_amd64.deb ...\n", "Unpacking libthai0:amd64 (0.1.24-2) ...\n", "Selecting previously unselected package libpango-1.0-0:amd64.\n", "Preparing to unpack .../libpango-1.0-0_1.38.1-1_amd64.deb ...\n", "Unpacking libpango-1.0-0:amd64 (1.38.1-1) ...\n", "Selecting previously unselected package libharfbuzz0b:amd64.\n", "Preparing to unpack .../libharfbuzz0b_1.0.1-1ubuntu0.1_amd64.deb ...\n", "Unpacking libharfbuzz0b:amd64 (1.0.1-1ubuntu0.1) ...\n", "Selecting previously unselected package libpangoft2-1.0-0:amd64.\n", "Preparing to unpack .../libpangoft2-1.0-0_1.38.1-1_amd64.deb ...\n", "Unpacking libpangoft2-1.0-0:amd64 (1.38.1-1) ...\n", "Selecting previously unselected package libpangocairo-1.0-0:amd64.\n", "Preparing to unpack .../libpangocairo-1.0-0_1.38.1-1_amd64.deb ...\n", "Unpacking libpangocairo-1.0-0:amd64 (1.38.1-1) ...\n", "Selecting previously unselected package libxcursor1:amd64.\n", "Preparing to unpack .../libxcursor1_1%3a1.1.14-1ubuntu0.16.04.2_amd64.deb ...\n", "Unpacking libxcursor1:amd64 (1:1.1.14-1ubuntu0.16.04.2) ...\n", "Selecting previously unselected package libxi6:amd64.\n", "Preparing to unpack .../libxi6_2%3a1.7.6-1_amd64.deb ...\n", "Unpacking libxi6:amd64 (2:1.7.6-1) ...\n", "Selecting previously unselected package libxrandr2:amd64.\n", "Preparing to unpack .../libxrandr2_2%3a1.5.0-1_amd64.deb ...\n", "Unpacking libxrandr2:amd64 (2:1.5.0-1) ...\n", "Selecting previously unselected package libgtk2.0-0:amd64.\n", "Preparing to unpack .../libgtk2.0-0_2.24.30-1ubuntu1.16.04.2_amd64.deb ...\n", "Unpacking libgtk2.0-0:amd64 (2.24.30-1ubuntu1.16.04.2) ...\n", "Selecting previously unselected package libsz2:amd64.\n", "Preparing to unpack .../libsz2_0.3.2-1_amd64.deb ...\n", "Unpacking libsz2:amd64 (0.3.2-1) ...\n", "Selecting previously unselected package libhdf5-10:amd64.\n", "Preparing to unpack .../libhdf5-10_1.8.16+docs-4ubuntu1_amd64.deb ...\n", "Unpacking libhdf5-10:amd64 (1.8.16+docs-4ubuntu1) ...\n", "Selecting previously unselected package libhdf5-cpp-11:amd64.\n", "Preparing to unpack .../libhdf5-cpp-11_1.8.16+docs-4ubuntu1_amd64.deb ...\n", "Unpacking libhdf5-cpp-11:amd64 (1.8.16+docs-4ubuntu1) ...\n", "Selecting previously unselected package libjpeg-turbo8-dev:amd64.\n", "Preparing to unpack .../libjpeg-turbo8-dev_1.4.2-0ubuntu3.1_amd64.deb ...\n", "Unpacking libjpeg-turbo8-dev:amd64 (1.4.2-0ubuntu3.1) ...\n", "Selecting previously unselected package libjpeg8-dev:amd64.\n", "Preparing to unpack .../libjpeg8-dev_8c-2ubuntu8_amd64.deb ...\n", "Unpacking libjpeg8-dev:amd64 (8c-2ubuntu8) ...\n", "Selecting previously unselected package libjpeg-dev:amd64.\n", "Preparing to unpack .../libjpeg-dev_8c-2ubuntu8_amd64.deb ...\n", "Unpacking libjpeg-dev:amd64 (8c-2ubuntu8) ...\n", "Selecting previously unselected package libaec-dev:amd64.\n", "Preparing to unpack .../libaec-dev_0.3.2-1_amd64.deb ...\n", "Unpacking libaec-dev:amd64 (0.3.2-1) ...\n", "Selecting previously unselected package libhdf5-dev.\n", "Preparing to unpack .../libhdf5-dev_1.8.16+docs-4ubuntu1_amd64.deb ...\n", "Unpacking libhdf5-dev (1.8.16+docs-4ubuntu1) ...\n", "Selecting previously unselected package libpython3.5:amd64.\n", "Preparing to unpack .../libpython3.5_3.5.2-2ubuntu0~16.04.4_amd64.deb ...\n", "Unpacking libpython3.5:amd64 (3.5.2-2ubuntu0~16.04.4) ...\n", "Selecting previously unselected package libpython3.5-dev:amd64.\n", "Preparing to unpack .../libpython3.5-dev_3.5.2-2ubuntu0~16.04.4_amd64.deb ...\n", "Unpacking libpython3.5-dev:amd64 (3.5.2-2ubuntu0~16.04.4) ...\n", "Selecting previously unselected package libpython3-dev:amd64.\n", "Preparing to unpack .../libpython3-dev_3.5.1-3_amd64.deb ...\n", "Unpacking libpython3-dev:amd64 (3.5.1-3) ...\n", "Selecting previously unselected package libsodium18:amd64.\n", "Preparing to unpack .../libsodium18_1.0.8-5_amd64.deb ...\n", "Unpacking libsodium18:amd64 (1.0.8-5) ...\n", "Selecting previously unselected package libxslt1.1:amd64.\n", "Preparing to unpack .../libxslt1.1_1.1.28-2.1ubuntu0.1_amd64.deb ...\n", "Unpacking libxslt1.1:amd64 (1.1.28-2.1ubuntu0.1) ...\n", "Selecting previously unselected package libzmq5:amd64.\n", "Preparing to unpack .../libzmq5_4.1.4-7_amd64.deb ...\n", "Unpacking libzmq5:amd64 (4.1.4-7) ...\n", "Selecting previously unselected package libzmq3-dev:amd64.\n", "Preparing to unpack .../libzmq3-dev_4.1.4-7_amd64.deb ...\n", "Unpacking libzmq3-dev:amd64 (4.1.4-7) ...\n", "Selecting previously unselected package nginx-common.\n", "Preparing to unpack .../nginx-common_1.10.3-0ubuntu0.16.04.2_all.deb ...\n", "Unpacking nginx-common (1.10.3-0ubuntu0.16.04.2) ...\n", "Selecting previously unselected package nginx-core.\n", "Preparing to unpack .../nginx-core_1.10.3-0ubuntu0.16.04.2_amd64.deb ...\n", "Unpacking nginx-core (1.10.3-0ubuntu0.16.04.2) ...\n", "Selecting previously unselected package nginx.\n", "Preparing to unpack .../nginx_1.10.3-0ubuntu0.16.04.2_all.deb ...\n", "Unpacking nginx (1.10.3-0ubuntu0.16.04.2) ...\n", "Selecting previously unselected package pkg-config.\n", "Preparing to unpack .../pkg-config_0.29.1-0ubuntu1_amd64.deb ...\n", "Unpacking pkg-config (0.29.1-0ubuntu1) ...\n", "Selecting previously unselected package python-pip-whl.\n", "Preparing to unpack .../python-pip-whl_8.1.1-2ubuntu0.4_all.deb ...\n", "Unpacking python-pip-whl (8.1.1-2ubuntu0.4) ...\n", "Selecting previously unselected package python3.5-dev.\n", "Preparing to unpack .../python3.5-dev_3.5.2-2ubuntu0~16.04.4_amd64.deb ...\n", "Unpacking python3.5-dev (3.5.2-2ubuntu0~16.04.4) ...\n", "Selecting previously unselected package python3-dev.\n", "Preparing to unpack .../python3-dev_3.5.1-3_amd64.deb ...\n", "Unpacking python3-dev (3.5.1-3) ...\n", "Selecting previously unselected package python3-pip.\n", "Preparing to unpack .../python3-pip_8.1.1-2ubuntu0.4_all.deb ...\n", "Unpacking python3-pip (8.1.1-2ubuntu0.4) ...\n", "Selecting previously unselected package python3-pycurl.\n", "Preparing to unpack .../python3-pycurl_7.43.0-1ubuntu1_amd64.deb ...\n", "Unpacking python3-pycurl (7.43.0-1ubuntu1) ...\n", "Selecting previously unselected package python3-software-properties.\n", "Preparing to unpack .../python3-software-properties_0.96.20.7_all.deb ...\n", "Unpacking python3-software-properties (0.96.20.7) ...\n", "Selecting previously unselected package software-properties-common.\n", "Preparing to unpack .../software-properties-common_0.96.20.7_all.deb ...\n", "Unpacking software-properties-common (0.96.20.7) ...\n", "Selecting previously unselected package unzip.\n", "Preparing to unpack .../unzip_6.0-20ubuntu1_amd64.deb ...\n", "Unpacking unzip (6.0-20ubuntu1) ...\n", "Selecting previously unselected package vim-runtime.\n", "Preparing to unpack .../vim-runtime_2%3a7.4.1689-3ubuntu1.2_all.deb ...\n", "Adding 'diversion of /usr/share/vim/vim74/doc/help.txt to /usr/share/vim/vim74/doc/help.txt.vim-tiny by vim-runtime'\n", "Adding 'diversion of /usr/share/vim/vim74/doc/tags to /usr/share/vim/vim74/doc/tags.vim-tiny by vim-runtime'\n", "Unpacking vim-runtime (2:7.4.1689-3ubuntu1.2) ...\n", "Selecting previously unselected package vim.\n", "Preparing to unpack .../vim_2%3a7.4.1689-3ubuntu1.2_amd64.deb ...\n", "Unpacking vim (2:7.4.1689-3ubuntu1.2) ...\n", "Processing triggers for libc-bin (2.23-0ubuntu10) ...\n", "Processing triggers for systemd (229-4ubuntu21.2) ...\n", "Setting up libpopt0:amd64 (1.16-10) ...\n", "Setting up mime-support (3.59ubuntu1) ...\n", "Setting up libmpdec2:amd64 (2.4.2-1) ...\n", "Setting up libsqlite3-0:amd64 (3.11.0-1ubuntu1) ...\n", "Setting up libpython3.5-stdlib:amd64 (3.5.2-2ubuntu0~16.04.4) ...\n", "Setting up python3.5 (3.5.2-2ubuntu0~16.04.4) ...\n", "Setting up libpython3-stdlib:amd64 (3.5.1-3) ...\n", "Setting up libgdbm3:amd64 (1.8.3-13.1) ...\n", "Setting up libffi6:amd64 (3.2.1-4) ...\n", "Setting up libglib2.0-0:amd64 (2.48.2-0ubuntu4) ...\n", "No schema files found: doing nothing.\n", "Setting up libxau6:amd64 (1:1.0.8-1) ...\n", "Setting up libxdmcp6:amd64 (1:1.1.2-1.1) ...\n", "Setting up libxcb1:amd64 (1.11.1-1ubuntu1) ...\n", "Setting up libx11-data (2:1.6.3-1ubuntu2) ...\n", "Setting up libx11-6:amd64 (2:1.6.3-1ubuntu2) ...\n", "Setting up libxext6:amd64 (2:1.3.3-1) ...\n", "Setting up fonts-dejavu-core (2.35-1) ...\n", "Setting up ucf (3.0036) ...\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 fontconfig-config (2.11.94-0ubuntu1.1) ...\n", "Setting up libpng12-0:amd64 (1.2.54-1ubuntu1.1) ...\n", "Setting up libfreetype6:amd64 (2.6.1-0.1ubuntu2.3) ...\n", "Setting up libfontconfig1:amd64 (2.11.94-0ubuntu1.1) ...\n", "Setting up fontconfig (2.11.94-0ubuntu1.1) ...\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Regenerating fonts cache... done.\n", "Setting up libgpm2:amd64 (1.20.4-6.1) ...\n", "Setting up libjpeg-turbo8:amd64 (1.4.2-0ubuntu3.1) ...\n", "Setting up libxcomposite1:amd64 (1:0.4.4-1) ...\n", "Setting up libxdamage1:amd64 (1:1.1.4-2) ...\n", "Setting up libxfixes3:amd64 (1:5.0.1-2) ...\n", "Setting up libxinerama1:amd64 (2:1.1.3-1) ...\n", "Setting up perl-modules-5.22 (5.22.1-9ubuntu0.5) ...\n", "Setting up libperl5.22:amd64 (5.22.1-9ubuntu0.5) ...\n", "Setting up perl (5.22.1-9ubuntu0.5) ...\n", "update-alternatives: using /usr/bin/prename to provide /usr/bin/rename (rename) in auto mode\n", "Setting up libjbig0:amd64 (2.1-3.1) ...\n", "Setting up libgmp10:amd64 (2:6.1.0+dfsg-2) ...\n", "Setting up libmpfr4:amd64 (3.1.4-1) ...\n", "Setting up libmpc3:amd64 (1.0.3-1) ...\n", "Setting up libapt-inst2.0:amd64 (1.2.27) ...\n", "Setting up apt-utils (1.2.27) ...\n", "Setting up bzip2 (1.0.6-8) ...\n", "Setting up distro-info-data (0.28ubuntu0.8) ...\n", "Setting up libnettle6:amd64 (3.2-1ubuntu0.16.04.1) ...\n", "Setting up libhogweed4:amd64 (3.2-1ubuntu0.16.04.1) ...\n", "Setting up libidn11:amd64 (1.32-3ubuntu1.2) ...\n", "Setting up libp11-kit0:amd64 (0.23.2-5~ubuntu16.04.1) ...\n", "Setting up libtasn1-6:amd64 (4.7-3ubuntu0.16.04.3) ...\n", "Setting up libgnutls30:amd64 (3.4.10-4ubuntu1.4) ...\n", "Setting up vim-common (2:7.4.1689-3ubuntu1.2) ...\n", "Setting up openssl (1.0.2g-1ubuntu4.13) ...\n", "Setting up ca-certificates (20170717~16.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", "Setting up libgirepository-1.0-1:amd64 (1.46.0-3ubuntu1) ...\n", "Setting up gir1.2-glib-2.0:amd64 (1.46.0-3ubuntu1) ...\n", "Setting up iso-codes (3.65-1) ...\n", "Setting up libroken18-heimdal:amd64 (1.7~git20150920+dfsg-4ubuntu1.16.04.1) ...\n", "Setting up libasn1-8-heimdal:amd64 (1.7~git20150920+dfsg-4ubuntu1.16.04.1) ...\n", "Setting up libkrb5support0:amd64 (1.13.2+dfsg-5ubuntu2) ...\n", "Setting up libk5crypto3:amd64 (1.13.2+dfsg-5ubuntu2) ...\n", "Setting up libkeyutils1:amd64 (1.5.9-8ubuntu1) ...\n", "Setting up libkrb5-3:amd64 (1.13.2+dfsg-5ubuntu2) ...\n", "Setting up libgssapi-krb5-2:amd64 (1.13.2+dfsg-5ubuntu2) ...\n", "Setting up libhcrypto4-heimdal:amd64 (1.7~git20150920+dfsg-4ubuntu1.16.04.1) ...\n", "Setting up libheimbase1-heimdal:amd64 (1.7~git20150920+dfsg-4ubuntu1.16.04.1) ...\n", "Setting up libwind0-heimdal:amd64 (1.7~git20150920+dfsg-4ubuntu1.16.04.1) ...\n", "Setting up libhx509-5-heimdal:amd64 (1.7~git20150920+dfsg-4ubuntu1.16.04.1) ...\n", "Setting up libkrb5-26-heimdal:amd64 (1.7~git20150920+dfsg-4ubuntu1.16.04.1) ...\n", "Setting up libheimntlm0-heimdal:amd64 (1.7~git20150920+dfsg-4ubuntu1.16.04.1) ...\n", "Setting up libgssapi3-heimdal:amd64 (1.7~git20150920+dfsg-4ubuntu1.16.04.1) ...\n", "Setting up libsasl2-modules-db:amd64 (2.1.26.dfsg1-14build1) ...\n", "Setting up libsasl2-2:amd64 (2.1.26.dfsg1-14build1) ...\n", "Setting up libldap-2.4-2:amd64 (2.4.42+dfsg-2ubuntu3.3) ...\n", "Setting up librtmp1:amd64 (2.4+20151223.gitfa8646d-1ubuntu0.1) ...\n", "Setting up libcurl3-gnutls:amd64 (7.47.0-1ubuntu2.8) ...\n", "Setting up libdbus-1-3:amd64 (1.10.6-1ubuntu3.3) ...\n", "Setting up libdbus-glib-1-2:amd64 (0.106-1) ...\n", "Setting up libgeoip1:amd64 (1.6.9-1) ...\n", "Setting up libicu55:amd64 (55.1-7ubuntu0.4) ...\n", "Setting up libxml2:amd64 (2.9.3+dfsg1-1ubuntu0.6) ...\n", "Setting up rsync (3.1.1-3ubuntu1.2) ...\n", "invoke-rc.d: could not determine current runlevel\n", "invoke-rc.d: policy-rc.d denied execution of restart.\n", "Setting up shared-mime-info (1.5-2ubuntu0.2) ...\n", "Setting up wget (1.17.1-1ubuntu1.4) ...\n", "Setting up binutils (2.26.1-1ubuntu1~16.04.6) ...\n", "Setting up libc-dev-bin (2.23-0ubuntu10) ...\n", "Setting up linux-libc-dev:amd64 (4.4.0-133.159) ...\n", "Setting up libc6-dev:amd64 (2.23-0ubuntu10) ...\n", "Setting up libisl15:amd64 (0.16.1-1) ...\n", "Setting up cpp-5 (5.4.0-6ubuntu1~16.04.10) ...\n", "Setting up cpp (4:5.3.1-1ubuntu1) ...\n", "Setting up libcc1-0:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Setting up libgomp1:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Setting up libitm1:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Setting up libatomic1:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Setting up libasan2:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Setting up liblsan0:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Setting up libtsan0:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Setting up libubsan0:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Setting up libcilkrts5:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Setting up libmpx0:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Setting up libquadmath0:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Setting up libgcc-5-dev:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Setting up gcc-5 (5.4.0-6ubuntu1~16.04.10) ...\n", "Setting up gcc (4:5.3.1-1ubuntu1) ...\n", "Setting up libstdc++-5-dev:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Setting up g++-5 (5.4.0-6ubuntu1~16.04.10) ...\n", "Setting up g++ (4:5.3.1-1ubuntu1) ...\n", "update-alternatives: using /usr/bin/g++ to provide /usr/bin/c++ (c++) in auto mode\n", "Setting up make (4.1-6) ...\n", "Setting up libdpkg-perl (1.18.4ubuntu1.4) ...\n", "Setting up xz-utils (5.1.1alpha+20120614-2ubuntu2) ...\n", "update-alternatives: using /usr/bin/xz to provide /usr/bin/lzma (lzma) in auto mode\n", "Setting up patch (2.7.5-1ubuntu0.16.04.1) ...\n", "Setting up dpkg-dev (1.18.4ubuntu1.4) ...\n", "Setting up build-essential (12.1ubuntu2) ...\n", "Setting up curl (7.47.0-1ubuntu2.8) ...\n", "Setting up liberror-perl (0.17-1.2) ...\n", "Setting up git-man (1:2.7.4-0ubuntu1.4) ...\n", "Setting up git (1:2.7.4-0ubuntu1.4) ...\n", "Setting up hdf5-helpers (1.8.16+docs-4ubuntu1) ...\n", "Setting up libaec0:amd64 (0.3.2-1) ...\n", "Setting up libatk1.0-data (2.18.0-1) ...\n", "Setting up libatk1.0-0:amd64 (2.18.0-1) ...\n", "Setting up libavahi-common-data:amd64 (0.6.32~rc+dfsg-1ubuntu2.2) ...\n", "Setting up libavahi-common3:amd64 (0.6.32~rc+dfsg-1ubuntu2.2) ...\n", "Setting up libavahi-client3:amd64 (0.6.32~rc+dfsg-1ubuntu2.2) ...\n", "Setting up libpixman-1-0:amd64 (0.33.6-1) ...\n", "Setting up libxcb-render0:amd64 (1.11.1-1ubuntu1) ...\n", "Setting up libxcb-shm0:amd64 (1.11.1-1ubuntu1) ...\n", "Setting up libxrender1:amd64 (1:0.9.9-0ubuntu1) ...\n", "Setting up libcairo2:amd64 (1.14.6-1) ...\n", "Setting up libcups2:amd64 (2.1.3-4ubuntu0.5) ...\n", "Setting up libcurl3:amd64 (7.47.0-1ubuntu2.8) ...\n", "Setting up libcurl4-openssl-dev:amd64 (7.47.0-1ubuntu2.8) ...\n", "Setting up libdatrie1:amd64 (0.2.10-2) ...\n", "Setting up libexpat1-dev:amd64 (2.1.0-7ubuntu0.16.04.3) ...\n", "Setting up zlib1g-dev:amd64 (1:1.2.8.dfsg-2ubuntu4.1) ...\n", "Setting up libpng12-dev:amd64 (1.2.54-1ubuntu1.1) ...\n", "Setting up libfreetype6-dev:amd64 (2.6.1-0.1ubuntu2.3) ...\n", "Setting up libjpeg8:amd64 (8c-2ubuntu8) ...\n", "Setting up libtiff5:amd64 (4.0.6-1ubuntu0.4) ...\n", "Setting up libvpx3:amd64 (1.5.0-2ubuntu1) ...\n", "Setting up libxpm4:amd64 (1:3.5.11-1ubuntu0.16.04.1) ...\n", "Setting up libgd3:amd64 (2.1.1-4ubuntu0.16.04.8) ...\n", "Setting up libgdk-pixbuf2.0-common (2.32.2-1ubuntu1.5) ...\n", "Setting up libgdk-pixbuf2.0-0:amd64 (2.32.2-1ubuntu1.5) ...\n", "Setting up libgfortran3:amd64 (5.4.0-6ubuntu1~16.04.10) ...\n", "Setting up libgraphite2-3:amd64 (1.3.10-0ubuntu0.16.04.1) ...\n", "Setting up libgtk2.0-common (2.24.30-1ubuntu1.16.04.2) ...\n", "Setting up libthai-data (0.1.24-2) ...\n", "Setting up libthai0:amd64 (0.1.24-2) ...\n", "Setting up libpango-1.0-0:amd64 (1.38.1-1) ...\n", "Setting up libharfbuzz0b:amd64 (1.0.1-1ubuntu0.1) ...\n", "Setting up libpangoft2-1.0-0:amd64 (1.38.1-1) ...\n", "Setting up libpangocairo-1.0-0:amd64 (1.38.1-1) ...\n", "Setting up libxcursor1:amd64 (1:1.1.14-1ubuntu0.16.04.2) ...\n", "Setting up libxi6:amd64 (2:1.7.6-1) ...\n", "Setting up libxrandr2:amd64 (2:1.5.0-1) ...\n", "Setting up libgtk2.0-0:amd64 (2.24.30-1ubuntu1.16.04.2) ...\n", "Setting up libsz2:amd64 (0.3.2-1) ...\n", "Setting up libhdf5-10:amd64 (1.8.16+docs-4ubuntu1) ...\n", "Setting up libhdf5-cpp-11:amd64 (1.8.16+docs-4ubuntu1) ...\n", "Setting up libjpeg-turbo8-dev:amd64 (1.4.2-0ubuntu3.1) ...\n", "Setting up libjpeg8-dev:amd64 (8c-2ubuntu8) ...\n", "Setting up libjpeg-dev:amd64 (8c-2ubuntu8) ...\n", "Setting up libaec-dev:amd64 (0.3.2-1) ...\n", "Setting up libhdf5-dev (1.8.16+docs-4ubuntu1) ...\n", "update-alternatives: using /usr/lib/x86_64-linux-gnu/pkgconfig/hdf5-serial.pc to provide /usr/lib/x86_64-linux-gnu/pkgconfig/hdf5.pc (hdf5.pc) in auto mode\n", "Setting up libpython3.5:amd64 (3.5.2-2ubuntu0~16.04.4) ...\n", "Setting up libpython3.5-dev:amd64 (3.5.2-2ubuntu0~16.04.4) ...\n", "Setting up libpython3-dev:amd64 (3.5.1-3) ...\n", "Setting up libsodium18:amd64 (1.0.8-5) ...\n", "Setting up libxslt1.1:amd64 (1.1.28-2.1ubuntu0.1) ...\n", "Setting up libzmq5:amd64 (4.1.4-7) ...\n", "Setting up libzmq3-dev:amd64 (4.1.4-7) ...\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Setting up nginx-common (1.10.3-0ubuntu0.16.04.2) ...\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 nginx-core (1.10.3-0ubuntu0.16.04.2) ...\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.10.3-0ubuntu0.16.04.2) ...\n", "Setting up pkg-config (0.29.1-0ubuntu1) ...\n", "Setting up python-pip-whl (8.1.1-2ubuntu0.4) ...\n", "Setting up python3.5-dev (3.5.2-2ubuntu0~16.04.4) ...\n", "Setting up unzip (6.0-20ubuntu1) ...\n", "Setting up vim-runtime (2:7.4.1689-3ubuntu1.2) ...\n", "Setting up vim (2:7.4.1689-3ubuntu1.2) ...\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: using /usr/bin/vim.basic to provide /usr/bin/view (view) in auto mode\n", "update-alternatives: using /usr/bin/vim.basic to provide /usr/bin/ex (ex) in auto mode\n", "update-alternatives: using /usr/bin/vim.basic to provide /usr/bin/editor (editor) in auto mode\n", "Setting up python3 (3.5.1-3) ...\n", "running python rtupdate hooks for python3.5...\n", "running python post-rtupdate hooks for python3.5...\n", "Setting up lsb-release (9.20160110ubuntu0.2) ...\n", "Setting up python-apt-common (1.1.0~beta1ubuntu0.16.04.2) ...\n", "Setting up python3-apt (1.1.0~beta1ubuntu0.16.04.2) ...\n", "Setting up python3-dbus (1.2.0-3) ...\n", "Setting up python3-gi (3.20.0-0ubuntu1) ...\n", "Setting up python3-dev (3.5.1-3) ...\n", "Setting up python3-pip (8.1.1-2ubuntu0.4) ...\n", "Setting up python3-pycurl (7.43.0-1ubuntu1) ...\n", "Setting up python3-software-properties (0.96.20.7) ...\n", "Setting up software-properties-common (0.96.20.7) ...\n", "Setting up dh-python (2.20151103ubuntu1.1) ...\n", "Processing triggers for libc-bin (2.23-0ubuntu10) ...\n", "Processing triggers for ca-certificates (20170717~16.04.1) ...\n", "Updating certificates in /etc/ssl/certs...\n", "148 added, 0 removed; done.\n", "Running hooks in /etc/ca-certificates/update.d...\n", "done.\n", "Processing triggers for systemd (229-4ubuntu21.2) ...\n", "Removing intermediate container e04af221dd9e\n", " ---> 4752788a3bfd\n", "Step 4/13 : RUN pip3 install --upgrade pip\n", " ---> Running in 6a4d780be97a\n", "Collecting pip\n", " Downloading https://files.pythonhosted.org/packages/5f/25/e52d3f31441505a5f3af41213346e5b6c221c9e086a166f3703d2ddaf940/pip-18.0-py2.py3-none-any.whl (1.3MB)\n", "Installing collected packages: pip\n", " Found existing installation: pip 8.1.1\n", " Not uninstalling pip at /usr/lib/python3/dist-packages, outside environment /usr\n", "Successfully installed pip-18.0\n", "Removing intermediate container 6a4d780be97a\n", " ---> 155945765007\n", "Step 5/13 : RUN pip3 --no-cache-dir install setuptools\n", " ---> Running in 894532334d5a\n", "Collecting setuptools\n", " Downloading https://files.pythonhosted.org/packages/ff/f4/385715ccc461885f3cedf57a41ae3c12b5fec3f35cce4c8706b1a112a133/setuptools-40.0.0-py2.py3-none-any.whl (567kB)\n", "Installing collected packages: setuptools\n", "Successfully installed setuptools-40.0.0\n", "Removing intermediate container 894532334d5a\n", " ---> 791304060668\n", "Step 6/13 : RUN pip3 --no-cache-dir install tensorflow\n", " ---> Running in 5cfab79afd53\n", "Collecting tensorflow\n", " Downloading https://files.pythonhosted.org/packages/32/bb/46e6ceeae1a0aa8a0e21ec08b2d8456de19d733807a50ef4302fcb509ed9/tensorflow-1.10.0-cp35-cp35m-manylinux1_x86_64.whl (58.4MB)\n", "Collecting astor>=0.6.0 (from tensorflow)\n", " Downloading https://files.pythonhosted.org/packages/35/6b/11530768cac581a12952a2aad00e1526b89d242d0b9f59534ef6e6a1752f/astor-0.7.1-py2.py3-none-any.whl\n", "Collecting gast>=0.2.0 (from tensorflow)\n", " Downloading https://files.pythonhosted.org/packages/5c/78/ff794fcae2ce8aa6323e789d1f8b3b7765f601e7702726f430e814822b96/gast-0.2.0.tar.gz\n", "Collecting absl-py>=0.1.6 (from tensorflow)\n", " Downloading https://files.pythonhosted.org/packages/cc/e6/6cc5c834023685dd83a28bdb5c1826d9340111493a447e9a9230269defa8/absl-py-0.4.0.tar.gz (88kB)\n", "Collecting setuptools<=39.1.0 (from tensorflow)\n", " Downloading https://files.pythonhosted.org/packages/8c/10/79282747f9169f21c053c562a0baa21815a8c7879be97abd930dbcf862e8/setuptools-39.1.0-py2.py3-none-any.whl (566kB)\n", "Collecting protobuf>=3.6.0 (from tensorflow)\n", " Downloading https://files.pythonhosted.org/packages/bf/d4/db7296a1407cad69f043537ba1e05afab3646451a066ead7a314d8714388/protobuf-3.6.1-cp35-cp35m-manylinux1_x86_64.whl (1.1MB)\n", "Collecting six>=1.10.0 (from tensorflow)\n", " Downloading https://files.pythonhosted.org/packages/67/4b/141a581104b1f6397bfa78ac9d43d8ad29a7ca43ea90a2d863fe3056e86a/six-1.11.0-py2.py3-none-any.whl\n", "Collecting wheel>=0.26 (from tensorflow)\n", " Downloading https://files.pythonhosted.org/packages/81/30/e935244ca6165187ae8be876b6316ae201b71485538ffac1d718843025a9/wheel-0.31.1-py2.py3-none-any.whl (41kB)\n", "Collecting termcolor>=1.1.0 (from tensorflow)\n", " Downloading https://files.pythonhosted.org/packages/8a/48/a76be51647d0eb9f10e2a4511bf3ffb8cc1e6b14e9e4fab46173aa79f981/termcolor-1.1.0.tar.gz\n", "Collecting numpy<=1.14.5,>=1.13.3 (from tensorflow)\n", " Downloading https://files.pythonhosted.org/packages/43/17/cd9fa14492dbef2aaf22622db79dba087c10f125473e730cda2f2019c40b/numpy-1.14.5-cp35-cp35m-manylinux1_x86_64.whl (12.1MB)\n", "Collecting grpcio>=1.8.6 (from tensorflow)\n", " Downloading https://files.pythonhosted.org/packages/66/e0/67edd247828d240491204525527e05cde80b5c1115534c4d05859b376c68/grpcio-1.14.1-cp35-cp35m-manylinux1_x86_64.whl (9.3MB)\n", "Collecting tensorboard<1.11.0,>=1.10.0 (from tensorflow)\n", " Downloading https://files.pythonhosted.org/packages/c6/17/ecd918a004f297955c30b4fffbea100b1606c225dbf0443264012773c3ff/tensorboard-1.10.0-py3-none-any.whl (3.3MB)\n", "Collecting werkzeug>=0.11.10 (from tensorboard<1.11.0,>=1.10.0->tensorflow)\n", " Downloading https://files.pythonhosted.org/packages/20/c4/12e3e56473e52375aa29c4764e70d1b8f3efa6682bef8d0aae04fe335243/Werkzeug-0.14.1-py2.py3-none-any.whl (322kB)\n", "Collecting markdown>=2.6.8 (from tensorboard<1.11.0,>=1.10.0->tensorflow)\n", " Downloading https://files.pythonhosted.org/packages/6d/7d/488b90f470b96531a3f5788cf12a93332f543dbab13c423a5e7ce96a0493/Markdown-2.6.11-py2.py3-none-any.whl (78kB)\n", "Installing collected packages: astor, gast, six, absl-py, setuptools, protobuf, wheel, termcolor, numpy, grpcio, werkzeug, markdown, tensorboard, tensorflow\n", " Running setup.py install for gast: started\n", " Running setup.py install for gast: finished with status 'done'\n", " Running setup.py install for absl-py: started\n", " Running setup.py install for absl-py: finished with status 'done'\n", " Found existing installation: setuptools 40.0.0\n", " Uninstalling setuptools-40.0.0:\n", " Successfully uninstalled setuptools-40.0.0\n", " Running setup.py install for termcolor: started\n", " Running setup.py install for termcolor: finished with status 'done'\n", "Successfully installed absl-py-0.4.0 astor-0.7.1 gast-0.2.0 grpcio-1.14.1 markdown-2.6.11 numpy-1.14.5 protobuf-3.6.1 setuptools-39.1.0 six-1.11.0 tensorboard-1.10.0 tensorflow-1.10.0 termcolor-1.1.0 werkzeug-0.14.1 wheel-0.31.1\n", "Removing intermediate container 5cfab79afd53\n", " ---> b1d6b765c58e\n", "Step 7/13 : RUN pip3 --no-cache-dir install keras h5py numpy pandas scipy sklearn pyyaml pytz\n", " ---> Running in f8a3dee482fc\n", "Collecting keras\n", " Downloading https://files.pythonhosted.org/packages/34/7d/b1dedde8af99bd82f20ed7e9697aac0597de3049b1f786aa2aac3b9bd4da/Keras-2.2.2-py2.py3-none-any.whl (299kB)\n", "Collecting h5py\n", " Downloading https://files.pythonhosted.org/packages/d9/0a/f0dd6d533d6b5bd4c1ca186af2792186885a90b84df41f3e6867466761fc/h5py-2.8.0-cp35-cp35m-manylinux1_x86_64.whl (2.8MB)\n", "Requirement already satisfied: numpy in /usr/local/lib/python3.5/dist-packages (1.14.5)\n", "Collecting pandas\n", " Downloading https://files.pythonhosted.org/packages/5d/d4/6e9c56a561f1d27407bf29318ca43f36ccaa289271b805a30034eb3a8ec4/pandas-0.23.4-cp35-cp35m-manylinux1_x86_64.whl (8.7MB)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Collecting scipy\n", " Downloading https://files.pythonhosted.org/packages/cd/32/5196b64476bd41d596a8aba43506e2403e019c90e1a3dfc21d51b83db5a6/scipy-1.1.0-cp35-cp35m-manylinux1_x86_64.whl (33.1MB)\n", "Collecting sklearn\n", " Downloading https://files.pythonhosted.org/packages/1e/7a/dbb3be0ce9bd5c8b7e3d87328e79063f8b263b2b1bfa4774cb1147bfcd3f/sklearn-0.0.tar.gz\n", "Collecting pyyaml\n", " Downloading https://files.pythonhosted.org/packages/9e/a3/1d13970c3f36777c583f136c136f804d70f500168edc1edea6daa7200769/PyYAML-3.13.tar.gz (270kB)\n", "Collecting pytz\n", " Downloading https://files.pythonhosted.org/packages/30/4e/27c34b62430286c6d59177a0842ed90dc789ce5d1ed740887653b898779a/pytz-2018.5-py2.py3-none-any.whl (510kB)\n", "Collecting keras-preprocessing==1.0.2 (from keras)\n", " Downloading https://files.pythonhosted.org/packages/71/26/1e778ebd737032749824d5cba7dbd3b0cf9234b87ab5ec79f5f0403ca7e9/Keras_Preprocessing-1.0.2-py2.py3-none-any.whl\n", "Requirement already satisfied: six>=1.9.0 in /usr/local/lib/python3.5/dist-packages (from keras) (1.11.0)\n", "Collecting keras-applications==1.0.4 (from keras)\n", " Downloading https://files.pythonhosted.org/packages/54/90/8f327deaa37a71caddb59b7b4aaa9d4b3e90c0e76f8c2d1572005278ddc5/Keras_Applications-1.0.4-py2.py3-none-any.whl (43kB)\n", "Collecting python-dateutil>=2.5.0 (from pandas)\n", " Downloading https://files.pythonhosted.org/packages/cf/f5/af2b09c957ace60dcfac112b669c45c8c97e32f94aa8b56da4c6d1682825/python_dateutil-2.7.3-py2.py3-none-any.whl (211kB)\n", "Collecting scikit-learn (from sklearn)\n", " Downloading https://files.pythonhosted.org/packages/b6/e2/a1e254a4a4598588d4fe88b45ab88a226c289ecfd0f6c90474eb6a9ea6b3/scikit_learn-0.19.2-cp35-cp35m-manylinux1_x86_64.whl (4.9MB)\n", "Installing collected packages: pyyaml, scipy, keras-preprocessing, h5py, keras-applications, keras, python-dateutil, pytz, pandas, scikit-learn, sklearn\n", " Running setup.py install for pyyaml: started\n", " Running setup.py install for pyyaml: finished with status 'done'\n", " Running setup.py install for sklearn: started\n", " Running setup.py install for sklearn: finished with status 'done'\n", "Successfully installed h5py-2.8.0 keras-2.2.2 keras-applications-1.0.4 keras-preprocessing-1.0.2 pandas-0.23.4 python-dateutil-2.7.3 pytz-2018.5 pyyaml-3.13 scikit-learn-0.19.2 scipy-1.1.0 sklearn-0.0\n", "Removing intermediate container f8a3dee482fc\n", " ---> 77c4013aabc8\n", "Step 8/13 : RUN pip3 --no-cache-dir install flask gevent gunicorn\n", " ---> Running in 65cf9df67b79\n", "Collecting flask\n", " Downloading https://files.pythonhosted.org/packages/7f/e7/08578774ed4536d3242b14dacb4696386634607af824ea997202cd0edb4b/Flask-1.0.2-py2.py3-none-any.whl (91kB)\n", "Collecting gevent\n", " Downloading https://files.pythonhosted.org/packages/6c/c3/55290480d3c992fbe563478e302fb0bf228ccca398174de6cca3dff9d11c/gevent-1.3.5-cp35-cp35m-manylinux1_x86_64.whl (4.5MB)\n", "Collecting gunicorn\n", " Downloading https://files.pythonhosted.org/packages/8c/da/b8dd8deb741bff556db53902d4706774c8e1e67265f69528c14c003644e6/gunicorn-19.9.0-py2.py3-none-any.whl (112kB)\n", "Collecting Jinja2>=2.10 (from flask)\n", " Downloading https://files.pythonhosted.org/packages/7f/ff/ae64bacdfc95f27a016a7bed8e8686763ba4d277a78ca76f32659220a731/Jinja2-2.10-py2.py3-none-any.whl (126kB)\n", "Collecting itsdangerous>=0.24 (from flask)\n", " Downloading https://files.pythonhosted.org/packages/dc/b4/a60bcdba945c00f6d608d8975131ab3f25b22f2bcfe1dab221165194b2d4/itsdangerous-0.24.tar.gz (46kB)\n", "Collecting click>=5.1 (from flask)\n", " Downloading https://files.pythonhosted.org/packages/34/c1/8806f99713ddb993c5366c362b2f908f18269f8d792aff1abfd700775a77/click-6.7-py2.py3-none-any.whl (71kB)\n", "Requirement already satisfied: Werkzeug>=0.14 in /usr/local/lib/python3.5/dist-packages (from flask) (0.14.1)\n", "Collecting greenlet>=0.4.13; platform_python_implementation == \"CPython\" (from gevent)\n", " Downloading https://files.pythonhosted.org/packages/e0/69/3cd1d75ccf1e38f9cd701833daecd3c5ac5de949653b559cee735e4ad4cd/greenlet-0.4.14-cp35-cp35m-manylinux1_x86_64.whl (41kB)\n", "Collecting MarkupSafe>=0.23 (from Jinja2>=2.10->flask)\n", " Downloading https://files.pythonhosted.org/packages/4d/de/32d741db316d8fdb7680822dd37001ef7a448255de9699ab4bfcbdf4172b/MarkupSafe-1.0.tar.gz\n", "Installing collected packages: MarkupSafe, Jinja2, itsdangerous, click, flask, greenlet, gevent, gunicorn\n", " Running setup.py install for MarkupSafe: started\n", " Running setup.py install for MarkupSafe: finished with status 'done'\n", " Running setup.py install for itsdangerous: started\n", " Running setup.py install for itsdangerous: finished with status 'done'\n", "Successfully installed Jinja2-2.10 MarkupSafe-1.0 click-6.7 flask-1.0.2 gevent-1.3.5 greenlet-0.4.14 gunicorn-19.9.0 itsdangerous-0.24\n", "Removing intermediate container 65cf9df67b79\n", " ---> 7db5be8a5068\n", "Step 9/13 : ENV PYTHONUNBUFFERED=TRUE\n", " ---> Running in 9fc43268b5b4\n", "Removing intermediate container 9fc43268b5b4\n", " ---> 48088ee17e7b\n", "Step 10/13 : ENV PYTHONDONTWRITEBYTECODE=TRUE\n", " ---> Running in 099fa58a86ee\n", "Removing intermediate container 099fa58a86ee\n", " ---> 30bd641ab8fd\n", "Step 11/13 : ENV PATH=\"/opt/program:${PATH}\"\n", " ---> Running in 52177efe6a59\n", "Removing intermediate container 52177efe6a59\n", " ---> 9327815348a4\n", "Step 12/13 : COPY byoa /opt/program\n", " ---> 45e601f89351\n", "Step 13/13 : WORKDIR /opt/program\n", "Removing intermediate container ac771b398e9e\n", " ---> ff8cdcdcee9a\n", "Successfully built ff8cdcdcee9a\n", "Successfully tagged gender-classifier-1:latest\n", "The push refers to repository [741855114961.dkr.ecr.us-east-1.amazonaws.com/gender-classifier-1]\n", "\n", "\u001b[1B4e54e6ae: Preparing \n", "\u001b[1Ba7e0fcc7: Preparing \n", "\u001b[1B17f15a69: Preparing \n", "\u001b[1B5c6265e8: Preparing \n", "\u001b[1Be3707fe6: Preparing \n", "\u001b[1B431b9123: Preparing \n", "\u001b[1B853b125d: Preparing \n", "\u001b[1B331e13e3: Preparing \n", "\u001b[1Bdba7c95b: Preparing \n", "\u001b[1B929b2798: Preparing \n", "\u001b[1B38e6b250: Preparing \n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\u001b[6B853b125d: Pushed 475.6MB/464.7MB10A\u001b[1K\u001b[K\u001b[12A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[8A\u001b[1K\u001b[K\u001b[11A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[11A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[12A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[7A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[7A\u001b[1K\u001b[K\u001b[11A\u001b[1K\u001b[K\u001b[7A\u001b[1K\u001b[K\u001b[8A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[11A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[11A\u001b[1K\u001b[K\u001b[7A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[7A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[7A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[11A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[11A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[4A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[5A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[3A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[2A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[2A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[1A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[10A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[9A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[KPushing 371.7MB/464.7MB\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[K\u001b[6A\u001b[1K\u001b[Klatest: digest: sha256:9a8fc12cd15db13a633f6d80eac625d92cbbae03b2f8460a03ed6f08198da459 size: 2834\n" ] } ], "source": [ "run_type='cpu'\n", "instance_class = \"p3\" if run_type.lower()=='gpu' else \"c4\"\n", "instance_type = \"ml.{}.8xlarge\".format(instance_class)\n", "\n", "pipeline_name = 'gender-classifier'\n", "run=input(\"Enter run version: \")\n", "\n", "run_name = pipeline_name+\"-\"+run\n", "if run_type == \"cpu\":\n", " !cp \"Dockerfile.cpu\" \"Dockerfile\"\n", "\n", "if run_type == \"gpu\":\n", " !cp \"Dockerfile.gpu\" \"Dockerfile\"\n", " \n", "!sh build_and_push.sh $run_name" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Orchestration\n", "\n", "At this point, we can head to ECS console, grab the ARN for the repository where we published the docker image, and use SageMaker console to create hosted model, and endpoint.

\n", "However, it is often more convenient to automate these steps. In this notebook we do exactly that using `boto3 SageMaker` API.

\n", "Following are the steps:

\n", " \n", "* First we create a model hosting definition, by providing the S3 location to the model artifact, and ARN to the ECR image of the container.\n", "* Using the model hosting definition, our next step is to create configuration of a hosted endpoint that will be used to serve prediciton generation requests. \n", "* Creating the endpoint is the last step in the ML cycle, that prepares your model to serve client reqests from applications.\n", "* We wait until the provision is completed and the endpoint in service. At this point we can send request to this endpoint and obtain gender predictions.\n" ] }, { "cell_type": "code", "execution_count": 16, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Using Role arn:aws:iam::741855114961:role/service-role/AmazonSageMaker-ExecutionRole-20180815T114786\n", "Model already exists, do you want to delete and create a fresh one (Y/N) ? Y\n", "arn:aws:sagemaker:us-east-1:741855114961:model/gender-classifier-1-model Created at Thu, 16 Aug 2018 07:52:24 GMT\n" ] } ], "source": [ "import sagemaker\n", "sm_role = sagemaker.get_execution_role()\n", "print(\"Using Role {}\".format(sm_role))\n", "acc = boto3.client('sts').get_caller_identity().get('Account')\n", "reg = boto3.session.Session().region_name\n", "sagemaker = boto3.client('sagemaker')\n", "\n", "#Check if model already exists\n", "model_name = \"{}-model\".format(run_name)\n", "models = sagemaker.list_models(NameContains=model_name)['Models']\n", "model_exists = False\n", "if len(models) > 0:\n", " for model in models:\n", " if model['ModelName'] == model_name:\n", " model_exists = True\n", " break\n", "#Delete model, if chosen\n", "if model_exists == True: \n", " choice = input(\"Model already exists, do you want to delete and create a fresh one (Y/N) ? \")\n", " if choice.upper()[0:1] == \"Y\":\n", " sagemaker.delete_model(ModelName = model_name)\n", " model_exists = False\n", " else:\n", " print(\"Model - {} already exists\".format(model_name))\n", "\n", "if model_exists == False: \n", " model_response = sagemaker.create_model(\n", " ModelName=model_name,\n", " PrimaryContainer={\n", " 'Image': '{}.dkr.ecr.{}.amazonaws.com/{}:latest'.format(acc, reg, run_name),\n", " 'ModelDataUrl': 's3://{}/model/model.tar.gz'.format(s3bucketname)\n", " },\n", " ExecutionRoleArn=sm_role,\n", " Tags=[\n", " {\n", " 'Key': 'Name',\n", " 'Value': model_name\n", " }\n", " ]\n", " )\n", " print(\"{} Created at {}\".format(model_response['ModelArn'], \n", " model_response['ResponseMetadata']['HTTPHeaders']['date']))" ] }, { "cell_type": "code", "execution_count": 17, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Endpoint Configuration already exists, do you want to delete and create a fresh one (Y/N) ? Y\n", "arn:aws:sagemaker:us-east-1:741855114961:endpoint-config/gender-classifier-1-endpoint-config Created at Thu, 16 Aug 2018 07:52:27 GMT\n" ] } ], "source": [ "#Check if endpoint configuration already exists\n", "endpoint_config_name = \"{}-endpoint-config\".format(run_name)\n", "endpoint_configs = sagemaker.list_endpoint_configs(NameContains=endpoint_config_name)['EndpointConfigs']\n", "endpoint_config_exists = False\n", "if len(endpoint_configs) > 0:\n", " for endpoint_config in endpoint_configs:\n", " if endpoint_config['EndpointConfigName'] == endpoint_config_name:\n", " endpoint_config_exists = True\n", " break\n", " \n", "#Delete endpoint configuration, if chosen\n", "if endpoint_config_exists == True: \n", " choice = input(\"Endpoint Configuration already exists, do you want to delete and create a fresh one (Y/N) ? \")\n", " if choice.upper()[0:1] == \"Y\":\n", " sagemaker.delete_endpoint_config(EndpointConfigName = endpoint_config_name)\n", " endpoint_config_exists = False\n", " else:\n", " print(\"Endpoint Configuration - {} already exists\".format(endpoint_config_name))\n", " \n", "if endpoint_config_exists == False: \n", " endpoint_config_response = sagemaker.create_endpoint_config(\n", " EndpointConfigName=endpoint_config_name,\n", " ProductionVariants=[\n", " {\n", " 'VariantName': 'default',\n", " 'ModelName': model_name,\n", " 'InitialInstanceCount': 1,\n", " 'InstanceType': instance_type,\n", " 'InitialVariantWeight': 1\n", " },\n", " ],\n", " Tags=[\n", " {\n", " 'Key': 'Name',\n", " 'Value': endpoint_config_name\n", " }\n", " ]\n", " )\n", " print(\"{} Created at {}\".format(endpoint_config_response['EndpointConfigArn'], \n", " endpoint_config_response['ResponseMetadata']['HTTPHeaders']['date']))" ] }, { "cell_type": "code", "execution_count": 18, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Endpoint already exists, do you want to delete and create a fresh one (Y/N) ? Y\n", "Deleting Endpoint - gender-classifier-1-endpoint ...\n", "Endpoint - gender-classifier-1-endpoint deleted\n", "Creating Endpoint : gender-classifier-1-endpoint\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "326ec38feb13474881e87beb608685d1", "version_major": 2, "version_minor": 0 }, "text/plain": [ "FloatProgress(value=0.0, description='Progress')" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "......................................................................................" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "d4aaaed9fc294f0682b58a3be1dd6f08", "version_major": 2, "version_minor": 0 }, "text/plain": [ "HTML(value='

Endpoint gender-classifier-1-endpoint - InService

')" ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "from ipywidgets import widgets\n", "from IPython.display import display\n", "\n", "#Check if endpoint already exists\n", "endpoint_name = \"{}-endpoint\".format(run_name)\n", "endpoints = sagemaker.list_endpoints(NameContains=endpoint_name)['Endpoints']\n", "endpoint_exists = False\n", "if len(endpoints) > 0:\n", " for endpoint in endpoints:\n", " if endpoint['EndpointName'] == endpoint_name:\n", " endpoint_exists = True\n", " break\n", " \n", "#Delete endpoint, if chosen\n", "if endpoint_exists == True: \n", " choice = input(\"Endpoint already exists, do you want to delete and create a fresh one (Y/N) ? \")\n", " if choice.upper()[0:1] == \"Y\":\n", " sagemaker.delete_endpoint(EndpointName = endpoint_name)\n", " print(\"Deleting Endpoint - {} ...\".format(endpoint_name))\n", " waiter = sagemaker.get_waiter('endpoint_deleted')\n", " waiter.wait(EndpointName=endpoint_name,\n", " WaiterConfig = {'Delay':1,'MaxAttempts':100})\n", " endpoint_exists = False\n", " print(\"Endpoint - {} deleted\".format(endpoint_name))\n", " \n", " else:\n", " print(\"Endpoint - {} already exists\".format(endpoint_name))\n", " \n", "if endpoint_exists == False: \n", "\n", " endpoint_response = sagemaker.create_endpoint(\n", " EndpointName=endpoint_name,\n", " EndpointConfigName=endpoint_config_name,\n", " Tags=[\n", " {\n", " 'Key': 'string',\n", " 'Value': endpoint_name\n", " }\n", " ]\n", " )\n", " status='Creating'\n", " sleep = 3\n", "\n", " print(\"{} Endpoint : {}\".format(status,endpoint_name))\n", " bar = widgets.FloatProgress(min=0, description=\"Progress\") # instantiate the bar\n", " display(bar) # display the bar\n", "\n", " while status != 'InService' and status != 'Failed' and status != 'OutOfService': \n", " endpoint_response = sagemaker.describe_endpoint(\n", " EndpointName=endpoint_name\n", " )\n", " status = endpoint_response['EndpointStatus']\n", " time.sleep(sleep)\n", " bar.value = bar.value + 1 \n", " if bar.value >= bar.max-1:\n", " bar.max = int(bar.max*1.05)\n", " if status != 'InService' and status != 'Failed' and status != 'OutOfService': \n", " print(\".\", end='')\n", "\n", " bar.max = bar.value \n", " html = widgets.HTML(\n", " value=\"

Endpoint {} - {}

\".format(endpoint_response['EndpointName'], status)\n", " )\n", " display(html)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "At the end we run a quick test to validate we are able to generate meaningful predicitions using the hosted endpoint, as we did locally using the model on the Notebbok instance." ] }, { "cell_type": "code", "execution_count": 19, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "{\n", " \"ContentType\": \"text/csv; charset=utf-8\",\n", " \"InvokedProductionVariant\": \"default\"\n", "}\n", "{\"Sophie\": \"F\", \"Mike\": \"M\", \"Tom\": \"M\", \"Andrew\": \"M\", \"John\": \"M\", \"Amanda\": \"F\", \"Kayla\": \"F\", \"Allie\": \"F\", \"Jim\": \"M\"}" ] } ], "source": [ "!aws sagemaker-runtime invoke-endpoint --endpoint-name \"$run_name-endpoint\" --body 'Tom,Allie,Jim,Sophie,John,Kayla,Mike,Amanda,Andrew' --content-type text/csv outfile\n", "!cat outfile" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "Head back to Module-3 of the workshop now, to the section titled - `Integration`, and follow the steps described.

\n", "You'll need to copy the endpoint name from the output of the cell below, to use in the Lambda function that will send request to this hosted endpoint." ] }, { "cell_type": "code", "execution_count": 20, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "gender-classifier-1-endpoint\n" ] } ], "source": [ "print(endpoint_response\n", " ['EndpointName'])" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [] } ], "metadata": { "kernelspec": { "display_name": "conda_tensorflow_p36", "language": "python", "name": "conda_tensorflow_p36" }, "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.6.4" } }, "nbformat": 4, "nbformat_minor": 2 }