TensorFlow 2 Object Detection API tutorial

Important

This tutorial is intended for TensorFlow 2.5, which (at the time of writing this tutorial) is the latest stable version of TensorFlow 2.x.

A version for TensorFlow 2.2 can be found here.

A version for TensorFlow 1.14 can be found here.

This is a step-by-step tutorial/guide to setting up and using TensorFlow’s Object Detection API to perform, namely, object detection in images/video.

The software tools which we shall use throughout this tutorial are listed in the table below:

Target Software versions

OS

Windows, Linux

Python

3.9 [1]

TensorFlow

2.5.0

CUDA Toolkit

11.2

CuDNN

8.1.0

Anaconda

Python 3.8 (Optional)

Installation

General Remarks

In contrast to TensorFlow 1.x, where different Python packages needed to be installed for one to run TensorFlow on either their CPU or GPU (namely tensorflow and tensorflow-gpu), TensorFlow 2.x only requires that the tensorflow package is installed and automatically checks to see if a GPU can be successfully registered.

Anaconda Python 3.8 (Optional)

Although having Anaconda is not a requirement in order to install and use TensorFlow, I suggest doing so, due to it’s intuitive way of managing packages and setting up new virtual environments. Anaconda is a pretty useful tool, not only for working with TensorFlow, but in general for anyone working in Python, so if you haven’t had a chance to work with it, now is a good chance.

Install Anaconda Python 3.8

Create a new Anaconda virtual environment

  • Open a new Terminal window

  • Type the following command:

    conda create -n tensorflow pip python=3.9
    
  • The above will create a new virtual environment with name tensorflow

Important

The term Terminal will be used to refer to the Terminal of your choice (e.g. Command Prompt, Powershell, etc.)

Activate the Anaconda virtual environment

  • Activating the newly created virtual environment is achieved by running the following in the Terminal window:

    conda activate tensorflow
    
  • Once you have activated your virtual environment, the name of the environment should be displayed within brackets at the beggining of your cmd path specifier, e.g.:

    (tensorflow) C:\Users\sglvladi>
    

Important

Throughout the rest of the tutorial, execution of any commands in a Terminal window should be done after the Anaconda virtual environment has been activated!

TensorFlow Installation

Getting setup with an installation of TensorFlow can be done in 3 simple steps.

Install the TensorFlow PIP package

  • Run the following command in a Terminal window:

    pip install --ignore-installed --upgrade tensorflow==2.5.0
    

Verify your Installation

  • Run the following command in a Terminal window:

    python -c "import tensorflow as tf;print(tf.reduce_sum(tf.random.normal([1000, 1000])))"
    
  • Once the above is run, you should see a print-out similar to the one bellow:

    2020-06-22 19:20:32.614181: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'cudart64_101.dll'; dlerror: cudart64_101.dll not found
    2020-06-22 19:20:32.620571: I tensorflow/stream_executor/cuda/cudart_stub.cc:29] Ignore above cudart dlerror if you do not have a GPU set up on your machine.
    2020-06-22 19:20:35.027232: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library nvcuda.dll
    2020-06-22 19:20:35.060549: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1561] Found device 0 with properties:
    pciBusID: 0000:02:00.0 name: GeForce GTX 1070 Ti computeCapability: 6.1
    coreClock: 1.683GHz coreCount: 19 deviceMemorySize: 8.00GiB deviceMemoryBandwidth: 238.66GiB/s
    2020-06-22 19:20:35.074967: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'cudart64_101.dll'; dlerror: cudart64_101.dll not found
    2020-06-22 19:20:35.084458: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'cublas64_10.dll'; dlerror: cublas64_10.dll not found
    2020-06-22 19:20:35.094112: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'cufft64_10.dll'; dlerror: cufft64_10.dll not found
    2020-06-22 19:20:35.103571: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'curand64_10.dll'; dlerror: curand64_10.dll not found
    2020-06-22 19:20:35.113102: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'cusolver64_10.dll'; dlerror: cusolver64_10.dll not found
    2020-06-22 19:20:35.123242: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'cusparse64_10.dll'; dlerror: cusparse64_10.dll not found
    2020-06-22 19:20:35.140987: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library cudnn64_7.dll
    2020-06-22 19:20:35.146285: W tensorflow/core/common_runtime/gpu/gpu_device.cc:1598] Cannot dlopen some GPU libraries. Please make sure the missing libraries mentioned above are installed properly if you would like to use GPU. Follow the guide at https://www.tensorflow.org/install/gpu for how to download and setup the required libraries for your platform.
    Skipping registering GPU devices...
    2020-06-22 19:20:35.162173: I tensorflow/core/platform/cpu_feature_guard.cc:143] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2
    2020-06-22 19:20:35.178588: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x15140db6390 initialized for platform Host (this does not guarantee that XLA will be used). Devices:
    2020-06-22 19:20:35.185082: I tensorflow/compiler/xla/service/service.cc:176]   StreamExecutor device (0): Host, Default Version
    2020-06-22 19:20:35.191117: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1102] Device interconnect StreamExecutor with strength 1 edge matrix:
    2020-06-22 19:20:35.196815: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1108]
    tf.Tensor(1620.5817, shape=(), dtype=float32)
    

GPU Support (Optional)

Although using a GPU to run TensorFlow is not necessary, the computational gains are substantial. Therefore, if your machine is equipped with a compatible CUDA-enabled GPU, it is recommended that you follow the steps listed below to install the relevant libraries necessary to enable TensorFlow to make use of your GPU.

By default, when TensorFlow is run it will attempt to register compatible GPU devices. If this fails, TensorFlow will resort to running on the platform’s CPU. This can also be observed in the printout shown in the previous section, under the “Verify the install” bullet-point, where there are a number of messages which report missing library files (e.g. Could not load dynamic library 'cudart64_101.dll'; dlerror: cudart64_101.dll not found).

In order for TensorFlow to run on your GPU, the following requirements must be met:

Prerequisites

Nvidia GPU (GTX 650 or newer)

CUDA Toolkit v11.2

CuDNN 8.1.0

Install CUDA Toolkit
  • Follow this link to download and install CUDA Toolkit 11.2

  • Installation instructions can be found here

Install CUDNN
Environment Setup
  • Go to Start and Search “environment variables”

  • Click “Edit the system environment variables”. This should open the “System Properties” window

  • In the opened window, click the “Environment Variables…” button to open the “Environment Variables” window.

  • Under “System variables”, search for and click on the Path system variable, then click “Edit…”

  • Add the following paths, then click “OK” to save the changes:

    • <INSTALL_PATH>\NVIDIA GPU Computing Toolkit\CUDA\v11.2\bin

    • <INSTALL_PATH>\NVIDIA GPU Computing Toolkit\CUDA\v11.2\libnvvp

    • <INSTALL_PATH>\NVIDIA GPU Computing Toolkit\CUDA\v11.2\include

    • <INSTALL_PATH>\NVIDIA GPU Computing Toolkit\CUDA\v11.2\extras\CUPTI\lib64

    • <INSTALL_PATH>\NVIDIA GPU Computing Toolkit\CUDA\v11.2\cuda\bin

Update your GPU drivers (Optional)

If during the installation of the CUDA Toolkit (see Install CUDA Toolkit) you selected the Express Installation option, then your GPU drivers will have been overwritten by those that come bundled with the CUDA toolkit. These drivers are typically NOT the latest drivers and, thus, you may wish to update your drivers.

Verify the installation
  • Run the following command in a NEW Terminal window:

    python -c "import tensorflow as tf;print(tf.reduce_sum(tf.random.normal([1000, 1000])))"
    

    Important

    A new terminal window must be opened for the changes to the Environmental variables to take effect!!

  • Once the above is run, you should see a print-out similar to the one bellow:

    2021-06-08 18:28:38.452128: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library cudart64_110.dll
    2021-06-08 18:28:40.948968: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library nvcuda.dll
    2021-06-08 18:28:40.973992: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1733] Found device 0 with properties:
    pciBusID: 0000:02:00.0 name: GeForce GTX 1070 Ti computeCapability: 6.1
    coreClock: 1.683GHz coreCount: 19 deviceMemorySize: 8.00GiB deviceMemoryBandwidth: 238.66GiB/s
    2021-06-08 18:28:40.974115: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library cudart64_110.dll
    2021-06-08 18:28:40.982483: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library cublas64_11.dll
    2021-06-08 18:28:40.982588: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library cublasLt64_11.dll
    2021-06-08 18:28:40.986795: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library cufft64_10.dll
    2021-06-08 18:28:40.988451: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library curand64_10.dll
    2021-06-08 18:28:40.994115: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library cusolver64_11.dll
    2021-06-08 18:28:40.998408: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library cusparse64_11.dll
    2021-06-08 18:28:41.000573: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Successfully opened dynamic library cudnn64_8.dll
    2021-06-08 18:28:41.001094: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1871] Adding visible gpu devices: 0
    2021-06-08 18:28:41.001651: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations:  AVX AVX2
    To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
    2021-06-08 18:28:41.003095: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1733] Found device 0 with properties:
    pciBusID: 0000:02:00.0 name: GeForce GTX 1070 Ti computeCapability: 6.1
    coreClock: 1.683GHz coreCount: 19 deviceMemorySize: 8.00GiB deviceMemoryBandwidth: 238.66GiB/s
    2021-06-08 18:28:41.003244: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1871] Adding visible gpu devices: 0
    2021-06-08 18:28:42.072538: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1258] Device interconnect StreamExecutor with strength 1 edge matrix:
    2021-06-08 18:28:42.072630: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1264]      0
    2021-06-08 18:28:42.072886: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1277] 0:   N
    2021-06-08 18:28:42.075566: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1418] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 6613 MB memory) -> physical GPU (device: 0, name: GeForce GTX 1070 Ti, pci bus id: 0000:02:00.0, compute capability: 6.1)
    tf.Tensor(641.5694, shape=(), dtype=float32)
    
  • Notice from the lines highlighted above that the library files are now Successfully opened and a debugging message is presented to confirm that TensorFlow has successfully Created TensorFlow device.

TensorFlow Object Detection API Installation

Now that you have installed TensorFlow, it is time to install the TensorFlow Object Detection API.

Downloading the TensorFlow Model Garden

  • Create a new folder under a path of your choice and name it TensorFlow. (e.g. C:\Users\sglvladi\Documents\TensorFlow).

  • From your Terminal cd into the TensorFlow directory.

  • To download the models you can either use Git to clone the TensorFlow Models repository inside the TensorFlow folder, or you can simply download it as a ZIP and extract its contents inside the TensorFlow folder. To keep things consistent, in the latter case you will have to rename the extracted folder models-master to models.

  • You should now have a single folder named models under your TensorFlow folder, which contains another 4 folders as such:

TensorFlow/
└─ models/
   ├─ community/
   ├─ official/
   ├─ orbit/
   ├─ research/
   └── ...

Protobuf Installation/Compilation

The Tensorflow Object Detection API uses Protobufs to configure model and training parameters. Before the framework can be used, the Protobuf libraries must be downloaded and compiled.

This should be done as follows:

  • Head to the protoc releases page

  • Download the latest protoc-*-*.zip release (e.g. protoc-3.12.3-win64.zip for 64-bit Windows)

  • Extract the contents of the downloaded protoc-*-*.zip in a directory <PATH_TO_PB> of your choice (e.g. C:\Program Files\Google Protobuf)

  • Add <PATH_TO_PB>\bin to your Path environment variable (see Environment Setup)

  • In a new Terminal [1], cd into TensorFlow/models/research/ directory and run the following command:

    # From within TensorFlow/models/research/
    protoc object_detection/protos/*.proto --python_out=.
    

Important

If you are on Windows and using Protobuf 3.5 or later, the multi-file selection wildcard (i.e *.proto) may not work but you can do one of the following:

# From within TensorFlow/models/research/
Get-ChildItem object_detection/protos/*.proto | foreach {protoc "object_detection/protos/$($_.Name)" --python_out=.}

COCO API installation

As of TensorFlow 2.x, the pycocotools package is listed as a dependency of the Object Detection API. Ideally, this package should get installed when installing the Object Detection API as documented in the Install the Object Detection API section below, however the installation can fail for various reasons and therefore it is simpler to just install the package beforehand, in which case later installation will be skipped.

Run the following command to install pycocotools with Windows support:

pip install cython
pip install git+https://github.com/philferriere/cocoapi.git#subdirectory=PythonAPI

Note that, according to the package’s instructions, Visual C++ 2015 build tools must be installed and on your path. If they are not, make sure to install them from here.

Note

The default metrics are based on those used in Pascal VOC evaluation.

  • To use the COCO object detection metrics add metrics_set: "coco_detection_metrics" to the eval_config message in the config file.

  • To use the COCO instance segmentation metrics add metrics_set: "coco_mask_metrics" to the eval_config message in the config file.

Install the Object Detection API

Installation of the Object Detection API is achieved by installing the object_detection package. This is done by running the following commands from within Tensorflow\models\research:

# From within TensorFlow/models/research/
cp object_detection/packages/tf2/setup.py .
python -m pip install .

Note

During the above installation, you may observe the following error:

ERROR: Command errored out with exit status 1:
     command: 'C:\Users\sglvladi\Anaconda3\envs\tf2\python.exe' -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'C:\\Users\\sglvladi\\AppData\\Local\\Temp\\pip-install-yn46ecei\\pycocotools\\setup.py'"'"'; __file__='"'"'C:\\Users\\sglvladi\\AppData\\Local\\Temp\\pip-install-yn46ecei\\pycocotools\\setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(__file__);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' install --record 'C:\Users\sglvladi\AppData\Local\Temp\pip-record-wpn7b6qo\install-record.txt' --single-version-externally-managed --compile --install-headers 'C:\Users\sglvladi\Anaconda3\envs\tf2\Include\pycocotools'
         cwd: C:\Users\sglvladi\AppData\Local\Temp\pip-install-yn46ecei\pycocotools\
    Complete output (14 lines):
    running install
    running build
    running build_py
    creating build
    creating build\lib.win-amd64-3.8
    creating build\lib.win-amd64-3.8\pycocotools
    copying pycocotools\coco.py -> build\lib.win-amd64-3.8\pycocotools
    copying pycocotools\cocoeval.py -> build\lib.win-amd64-3.8\pycocotools
    copying pycocotools\mask.py -> build\lib.win-amd64-3.8\pycocotools
    copying pycocotools\__init__.py -> build\lib.win-amd64-3.8\pycocotools
    running build_ext
    skipping 'pycocotools\_mask.c' Cython extension (up-to-date)
    building 'pycocotools._mask' extension
    error: Microsoft Visual C++ 14.0 is required. Get it with "Build Tools for Visual Studio": https://visualstudio.microsoft.com/downloads/
    ----------------------------------------
ERROR: Command errored out with exit status 1: 'C:\Users\sglvladi\Anaconda3\envs\tf2\python.exe' -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'C:\\Users\\sglvladi\\AppData\\Local\\Temp\\pip-install-yn46ecei\\pycocotools\\setup.py'"'"'; __file__='"'"'C:\\Users\\sglvladi\\AppData\\Local\\Temp\\pip-install-yn46ecei\\pycocotools\\setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(__file__);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' install --record 'C:\Users\sglvladi\AppData\Local\Temp\pip-record-wpn7b6qo\install-record.txt' --single-version-externally-managed --compile --install-headers 'C:\Users\sglvladi\Anaconda3\envs\tf2\Include\pycocotools' Check the logs for full command output.

This is caused because installation of the pycocotools package has failed. To fix this have a look at the COCO API installation section and rerun the above commands.

Test your Installation

To test the installation, run the following command from within Tensorflow\models\research:

# From within TensorFlow/models/research/
python object_detection/builders/model_builder_tf2_test.py

Once the above is run, allow some time for the test to complete and once done you should observe a printout similar to the one below:

...
[       OK ] ModelBuilderTF2Test.test_create_ssd_models_from_config
[ RUN      ] ModelBuilderTF2Test.test_invalid_faster_rcnn_batchnorm_update
INFO:tensorflow:time(__main__.ModelBuilderTF2Test.test_invalid_faster_rcnn_batchnorm_update): 0.0s
I0608 18:49:13.183754 29296 test_util.py:2102] time(__main__.ModelBuilderTF2Test.test_invalid_faster_rcnn_batchnorm_update): 0.0s
[       OK ] ModelBuilderTF2Test.test_invalid_faster_rcnn_batchnorm_update
[ RUN      ] ModelBuilderTF2Test.test_invalid_first_stage_nms_iou_threshold
INFO:tensorflow:time(__main__.ModelBuilderTF2Test.test_invalid_first_stage_nms_iou_threshold): 0.0s
I0608 18:49:13.186750 29296 test_util.py:2102] time(__main__.ModelBuilderTF2Test.test_invalid_first_stage_nms_iou_threshold): 0.0s
[       OK ] ModelBuilderTF2Test.test_invalid_first_stage_nms_iou_threshold
[ RUN      ] ModelBuilderTF2Test.test_invalid_model_config_proto
INFO:tensorflow:time(__main__.ModelBuilderTF2Test.test_invalid_model_config_proto): 0.0s
I0608 18:49:13.188250 29296 test_util.py:2102] time(__main__.ModelBuilderTF2Test.test_invalid_model_config_proto): 0.0s
[       OK ] ModelBuilderTF2Test.test_invalid_model_config_proto
[ RUN      ] ModelBuilderTF2Test.test_invalid_second_stage_batch_size
INFO:tensorflow:time(__main__.ModelBuilderTF2Test.test_invalid_second_stage_batch_size): 0.0s
I0608 18:49:13.190746 29296 test_util.py:2102] time(__main__.ModelBuilderTF2Test.test_invalid_second_stage_batch_size): 0.0s
[       OK ] ModelBuilderTF2Test.test_invalid_second_stage_batch_size
[ RUN      ] ModelBuilderTF2Test.test_session
[  SKIPPED ] ModelBuilderTF2Test.test_session
[ RUN      ] ModelBuilderTF2Test.test_unknown_faster_rcnn_feature_extractor
INFO:tensorflow:time(__main__.ModelBuilderTF2Test.test_unknown_faster_rcnn_feature_extractor): 0.0s
I0608 18:49:13.193742 29296 test_util.py:2102] time(__main__.ModelBuilderTF2Test.test_unknown_faster_rcnn_feature_extractor): 0.0s
[       OK ] ModelBuilderTF2Test.test_unknown_faster_rcnn_feature_extractor
[ RUN      ] ModelBuilderTF2Test.test_unknown_meta_architecture
INFO:tensorflow:time(__main__.ModelBuilderTF2Test.test_unknown_meta_architecture): 0.0s
I0608 18:49:13.195241 29296 test_util.py:2102] time(__main__.ModelBuilderTF2Test.test_unknown_meta_architecture): 0.0s
[       OK ] ModelBuilderTF2Test.test_unknown_meta_architecture
[ RUN      ] ModelBuilderTF2Test.test_unknown_ssd_feature_extractor
INFO:tensorflow:time(__main__.ModelBuilderTF2Test.test_unknown_ssd_feature_extractor): 0.0s
I0608 18:49:13.197239 29296 test_util.py:2102] time(__main__.ModelBuilderTF2Test.test_unknown_ssd_feature_extractor): 0.0s
[       OK ] ModelBuilderTF2Test.test_unknown_ssd_feature_extractor
----------------------------------------------------------------------
Ran 24 tests in 29.980s

OK (skipped=1)

Try out the examples

If the previous step completed successfully it means you have successfully installed all the components necessary to perform object detection using pre-trained models.

If you want to play around with some examples to see how this can be done, now would be a good time to have a look at the Examples section.

Training Custom Object Detector

So, up to now you should have done the following:

Now that we have done all the above, we can start doing some cool stuff. Here we will see how you can train your own object detector, and since it is not as simple as it sounds, we will have a look at:

  1. How to organise your workspace/training files

  2. How to prepare/annotate image datasets

  3. How to generate tf records from such datasets

  4. How to configure a simple training pipeline

  5. How to train a model and monitor it’s progress

  6. How to export the resulting model and use it to detect objects.

Preparing the Workspace

  1. If you have followed the tutorial, you should by now have a folder Tensorflow, placed under <PATH_TO_TF> (e.g. C:/Users/sglvladi/Documents), with the following directory tree:

    TensorFlow/
    ├─ addons/ (Optional)
    │  └─ labelImg/
    └─ models/
       ├─ community/
       ├─ official/
       ├─ orbit/
       ├─ research/
       └─ ...
    
  2. Now create a new folder under TensorFlow and call it workspace. It is within the workspace that we will store all our training set-ups. Now let’s go under workspace and create another folder named training_demo. Now our directory structure should be as so:

    TensorFlow/
    ├─ addons/ (Optional)
    │  └─ labelImg/
    ├─ models/
    │  ├─ community/
    │  ├─ official/
    │  ├─ orbit/
    │  ├─ research/
    │  └─ ...
    └─ workspace/
       └─ training_demo/
    
  3. The training_demo folder shall be our training folder, which will contain all files related to our model training. It is advisable to create a separate training folder each time we wish to train on a different dataset. The typical structure for training folders is shown below.

    training_demo/
    ├─ annotations/
    ├─ exported-models/
    ├─ images/
    │  ├─ test/
    │  └─ train/
    ├─ models/
    ├─ pre-trained-models/
    └─ README.md
    

Here’s an explanation for each of the folders/filer shown in the above tree:

  • annotations: This folder will be used to store all *.csv files and the respective TensorFlow *.record files, which contain the list of annotations for our dataset images.

  • exported-models: This folder will be used to store exported versions of our trained model(s).

  • images: This folder contains a copy of all the images in our dataset, as well as the respective *.xml files produced for each one, once labelImg is used to annotate objects.

    • images/train: This folder contains a copy of all images, and the respective *.xml files, which will be used to train our model.

    • images/test: This folder contains a copy of all images, and the respective *.xml files, which will be used to test our model.

  • models: This folder will contain a sub-folder for each of training job. Each subfolder will contain the training pipeline configuration file *.config, as well as all files generated during the training and evaluation of our model.

  • pre-trained-models: This folder will contain the downloaded pre-trained models, which shall be used as a starting checkpoint for our training jobs.

  • README.md: This is an optional file which provides some general information regarding the training conditions of our model. It is not used by TensorFlow in any way, but it generally helps when you have a few training folders and/or you are revisiting a trained model after some time.

If you do not understand most of the things mentioned above, no need to worry, as we’ll see how all the files are generated further down.

Preparing the Dataset

Annotate the Dataset

Install LabelImg

There exist several ways to install labelImg. Below are 3 of the most common.

Use precompiled binaries (Easy)

Precompiled binaries for both Windows and Linux can be found here .

Installation is the done in three simple steps:

  1. Inside you TensorFlow folder, create a new directory, name it addons and then cd into it.

  2. Download the latest binary for your OS from here. and extract its contents under Tensorflow/addons/labelImg.

  3. You should now have a single folder named addons/labelImg under your TensorFlow folder, which contains another 4 folders as such:

TensorFlow/
├─ addons/
│  └─ labelImg/
└─ models/
   ├─ community/
   ├─ official/
   ├─ orbit/
   ├─ research/
   └─ ...
  1. labelImg can then be run as follows:

# From within Tensorflow/addons/labelImg
labelImg
# or
labelImg [IMAGE_PATH] [PRE-DEFINED CLASS FILE]
Build from source (Hard)

The steps for installing from source follow below.

1. Download labelImg

  • Inside you TensorFlow folder, create a new directory, name it addons and then cd into it.

  • To download the package you can either use Git to clone the labelImg repo inside the TensorFlow\addons folder, or you can simply download it as a ZIP and extract it’s contents inside the TensorFlow\addons folder. To keep things consistent, in the latter case you will have to rename the extracted folder labelImg-master to labelImg. [1]

  • You should now have a single folder named addons\labelImg under your TensorFlow folder, which contains another 4 folders as such:

TensorFlow/
├─ addons
│  └─ labelImg/
└─ models/
   ├─ community/
   ├─ official/
   ├─ orbit/
   ├─ research/
   └─ ...

2. Install dependencies and compiling package

  • Open a new Terminal window and activate the tensorflow_gpu environment (if you have not done so already)

  • cd into TensorFlow/addons/labelImg and run the following commands:

    conda install pyqt=5
    pyrcc5 -o libs/resources.py resources.qrc
    

3. Test your installation

  • Open a new Terminal window and activate the tensorflow_gpu environment (if you have not done so already)

  • cd into TensorFlow/addons/labelImg and run the following command:

    # From within Tensorflow/addons/labelImg
    python labelImg.py
    # or
    python labelImg.py [IMAGE_PATH] [PRE-DEFINED CLASS FILE]
    
Annotate Images
  • Once you have collected all the images to be used to test your model (ideally more than 100 per class), place them inside the folder training_demo/images.

  • Open a new Terminal window.

  • Next go ahead and start labelImg, pointing it to your training_demo/images folder.

    labelImg <PATH_TO_TF>/TensorFlow/workspace/training_demo/images
    
    • Othewise, cd into Tensorflow/addons/labelImg and run:

    # From within Tensorflow/addons/labelImg
    python labelImg.py ../../workspace/training_demo/images
    
  • A File Explorer Dialog windows should open, which points to the training_demo/images folder.

  • Press the “Select Folder” button, to start annotating your images.

Once open, you should see a window similar to the one below:

alternate text

I won’t be covering a tutorial on how to use labelImg, but you can have a look at labelImg’s repo for more details. A nice Youtube video demonstrating how to use labelImg is also available here. What is important is that once you annotate all your images, a set of new *.xml files, one for each image, should be generated inside your training_demo/images folder.

Partition the Dataset

Once you have finished annotating your image dataset, it is a general convention to use only part of it for training, and the rest is used for evaluation purposes (e.g. as discussed in Evaluating the Model (Optional)).

Typically, the ratio is 9:1, i.e. 90% of the images are used for training and the rest 10% is maintained for testing, but you can chose whatever ratio suits your needs.

Once you have decided how you will be splitting your dataset, copy all training images, together with their corresponding *.xml files, and place them inside the training_demo/images/train folder. Similarly, copy all testing images, with their *.xml files, and paste them inside training_demo/images/test.

For lazy people like myself, who cannot be bothered to do the above, I have put together a simple script that automates the above process:

""" usage: partition_dataset.py [-h] [-i IMAGEDIR] [-o OUTPUTDIR] [-r RATIO] [-x]

Partition dataset of images into training and testing sets

optional arguments:
  -h, --help            show this help message and exit
  -i IMAGEDIR, --imageDir IMAGEDIR
                        Path to the folder where the image dataset is stored. If not specified, the CWD will be used.
  -o OUTPUTDIR, --outputDir OUTPUTDIR
                        Path to the output folder where the train and test dirs should be created. Defaults to the same directory as IMAGEDIR.
  -r RATIO, --ratio RATIO
                        The ratio of the number of test images over the total number of images. The default is 0.1.
  -x, --xml             Set this flag if you want the xml annotation files to be processed and copied over.
"""
import os
import re
from shutil import copyfile
import argparse
import math
import random


def iterate_dir(source, dest, ratio, copy_xml):
    source = source.replace('\\', '/')
    dest = dest.replace('\\', '/')
    train_dir = os.path.join(dest, 'train')
    test_dir = os.path.join(dest, 'test')

    if not os.path.exists(train_dir):
        os.makedirs(train_dir)
    if not os.path.exists(test_dir):
        os.makedirs(test_dir)

    images = [f for f in os.listdir(source)
              if re.search(r'([a-zA-Z0-9\s_\\.\-\(\):])+(?i)(.jpg|.jpeg|.png)$', f)]

    num_images = len(images)
    num_test_images = math.ceil(ratio*num_images)

    for i in range(num_test_images):
        idx = random.randint(0, len(images)-1)
        filename = images[idx]
        copyfile(os.path.join(source, filename),
                 os.path.join(test_dir, filename))
        if copy_xml:
            xml_filename = os.path.splitext(filename)[0]+'.xml'
            copyfile(os.path.join(source, xml_filename),
                     os.path.join(test_dir,xml_filename))
        images.remove(images[idx])

    for filename in images:
        copyfile(os.path.join(source, filename),
                 os.path.join(train_dir, filename))
        if copy_xml:
            xml_filename = os.path.splitext(filename)[0]+'.xml'
            copyfile(os.path.join(source, xml_filename),
                     os.path.join(train_dir, xml_filename))


def main():

    # Initiate argument parser
    parser = argparse.ArgumentParser(description="Partition dataset of images into training and testing sets",
                                     formatter_class=argparse.RawTextHelpFormatter)
    parser.add_argument(
        '-i', '--imageDir',
        help='Path to the folder where the image dataset is stored. If not specified, the CWD will be used.',
        type=str,
        default=os.getcwd()
    )
    parser.add_argument(
        '-o', '--outputDir',
        help='Path to the output folder where the train and test dirs should be created. '
             'Defaults to the same directory as IMAGEDIR.',
        type=str,
        default=None
    )
    parser.add_argument(
        '-r', '--ratio',
        help='The ratio of the number of test images over the total number of images. The default is 0.1.',
        default=0.1,
        type=float)
    parser.add_argument(
        '-x', '--xml',
        help='Set this flag if you want the xml annotation files to be processed and copied over.',
        action='store_true'
    )
    args = parser.parse_args()

    if args.outputDir is None:
        args.outputDir = args.imageDir

    # Now we are ready to start the iteration
    iterate_dir(args.imageDir, args.outputDir, args.ratio, args.xml)


if __name__ == '__main__':
    main()
  • Under the TensorFlow folder, create a new folder TensorFlow/scripts, which we can use to store some useful scripts.

  • To make things even tidier, let’s create a new folder TensorFlow/scripts/preprocessing, where we shall store scripts that we can use to preprocess our training inputs. Below is out TensorFlow directory tree structure, up to now:

    TensorFlow/
    ├─ addons/ (Optional)
    │  └─ labelImg/
    ├─ models/
    │  ├─ community/
    │  ├─ official/
    │  ├─ orbit/
    │  ├─ research/
    │  └─ ...
    ├─ scripts/
    │  └─ preprocessing/
    └─ workspace/
       └─ training_demo/
    
  • Click here to download the above script and save it inside TensorFlow/scripts/preprocessing.

  • Then, cd into TensorFlow/scripts/preprocessing and run:

    python partition_dataset.py -x -i [PATH_TO_IMAGES_FOLDER] -r 0.1
    
    # For example
    # python partition_dataset.py -x -i C:/Users/sglvladi/Documents/Tensorflow/workspace/training_demo/images -r 0.1
    

Once the script has finished, two new folders should have been created under training_demo/images, namely training_demo/images/train and training_demo/images/test, containing 90% and 10% of the images (and *.xml files), respectively. To avoid loss of any files, the script will not delete the images under training_demo/images. Once you have checked that your images have been safely copied over, you can delete the images under training_demo/images manually.

Create Label Map

TensorFlow requires a label map, which namely maps each of the used labels to an integer values. This label map is used both by the training and detection processes.

Below we show an example label map (e.g label_map.pbtxt), assuming that our dataset contains 2 labels, dogs and cats:

item {
    id: 1
    name: 'cat'
}

item {
    id: 2
    name: 'dog'
}

Label map files have the extention .pbtxt and should be placed inside the training_demo/annotations folder.

Create TensorFlow Records

Now that we have generated our annotations and split our dataset into the desired training and testing subsets, it is time to convert our annotations into the so called TFRecord format.

Convert *.xml to *.record

To do this we can write a simple script that iterates through all *.xml files in the training_demo/images/train and training_demo/images/test folders, and generates a *.record file for each of the two. Here is an example script that allows us to do just that:

""" Sample TensorFlow XML-to-TFRecord converter

usage: generate_tfrecord.py [-h] [-x XML_DIR] [-l LABELS_PATH] [-o OUTPUT_PATH] [-i IMAGE_DIR] [-c CSV_PATH]

optional arguments:
  -h, --help            show this help message and exit
  -x XML_DIR, --xml_dir XML_DIR
                        Path to the folder where the input .xml files are stored.
  -l LABELS_PATH, --labels_path LABELS_PATH
                        Path to the labels (.pbtxt) file.
  -o OUTPUT_PATH, --output_path OUTPUT_PATH
                        Path of output TFRecord (.record) file.
  -i IMAGE_DIR, --image_dir IMAGE_DIR
                        Path to the folder where the input image files are stored. Defaults to the same directory as XML_DIR.
  -c CSV_PATH, --csv_path CSV_PATH
                        Path of output .csv file. If none provided, then no file will be written.
"""

import os
import glob
import pandas as pd
import io
import xml.etree.ElementTree as ET
import argparse

os.environ['TF_CPP_MIN_LOG_LEVEL'] = '2'    # Suppress TensorFlow logging (1)
import tensorflow.compat.v1 as tf
from PIL import Image
from object_detection.utils import dataset_util, label_map_util
from collections import namedtuple

# Initiate argument parser
parser = argparse.ArgumentParser(
    description="Sample TensorFlow XML-to-TFRecord converter")
parser.add_argument("-x",
                    "--xml_dir",
                    help="Path to the folder where the input .xml files are stored.",
                    type=str)
parser.add_argument("-l",
                    "--labels_path",
                    help="Path to the labels (.pbtxt) file.", type=str)
parser.add_argument("-o",
                    "--output_path",
                    help="Path of output TFRecord (.record) file.", type=str)
parser.add_argument("-i",
                    "--image_dir",
                    help="Path to the folder where the input image files are stored. "
                         "Defaults to the same directory as XML_DIR.",
                    type=str, default=None)
parser.add_argument("-c",
                    "--csv_path",
                    help="Path of output .csv file. If none provided, then no file will be "
                         "written.",
                    type=str, default=None)

args = parser.parse_args()

if args.image_dir is None:
    args.image_dir = args.xml_dir

label_map = label_map_util.load_labelmap(args.labels_path)
label_map_dict = label_map_util.get_label_map_dict(label_map)


def xml_to_csv(path):
    """Iterates through all .xml files (generated by labelImg) in a given directory and combines
    them in a single Pandas dataframe.

    Parameters:
    ----------
    path : str
        The path containing the .xml files
    Returns
    -------
    Pandas DataFrame
        The produced dataframe
    """

    xml_list = []
    for xml_file in glob.glob(path + '/*.xml'):
        tree = ET.parse(xml_file)
        root = tree.getroot()
        filename = root.find('filename').text
        width = int(root.find('size').find('width').text)
        height = int(root.find('size').find('height').text)
        for member in root.findall('object'):
            bndbox = member.find('bndbox')
            value = (filename,
                     width,
                     height,
                     member.find('name').text,
                     int(bndbox.find('xmin').text),
                     int(bndbox.find('ymin').text),
                     int(bndbox.find('xmax').text),
                     int(bndbox.find('ymax').text),
                     )
            xml_list.append(value)
    column_name = ['filename', 'width', 'height',
                   'class', 'xmin', 'ymin', 'xmax', 'ymax']
    xml_df = pd.DataFrame(xml_list, columns=column_name)
    return xml_df


def class_text_to_int(row_label):
    return label_map_dict[row_label]


def split(df, group):
    data = namedtuple('data', ['filename', 'object'])
    gb = df.groupby(group)
    return [data(filename, gb.get_group(x)) for filename, x in zip(gb.groups.keys(), gb.groups)]


def create_tf_example(group, path):
    with tf.gfile.GFile(os.path.join(path, '{}'.format(group.filename)), 'rb') as fid:
        encoded_jpg = fid.read()
    encoded_jpg_io = io.BytesIO(encoded_jpg)
    image = Image.open(encoded_jpg_io)
    width, height = image.size

    filename = group.filename.encode('utf8')
    image_format = b'jpg'
    xmins = []
    xmaxs = []
    ymins = []
    ymaxs = []
    classes_text = []
    classes = []

    for index, row in group.object.iterrows():
        xmins.append(row['xmin'] / width)
        xmaxs.append(row['xmax'] / width)
        ymins.append(row['ymin'] / height)
        ymaxs.append(row['ymax'] / height)
        classes_text.append(row['class'].encode('utf8'))
        classes.append(class_text_to_int(row['class']))

    tf_example = tf.train.Example(features=tf.train.Features(feature={
        'image/height': dataset_util.int64_feature(height),
        'image/width': dataset_util.int64_feature(width),
        'image/filename': dataset_util.bytes_feature(filename),
        'image/source_id': dataset_util.bytes_feature(filename),
        'image/encoded': dataset_util.bytes_feature(encoded_jpg),
        'image/format': dataset_util.bytes_feature(image_format),
        'image/object/bbox/xmin': dataset_util.float_list_feature(xmins),
        'image/object/bbox/xmax': dataset_util.float_list_feature(xmaxs),
        'image/object/bbox/ymin': dataset_util.float_list_feature(ymins),
        'image/object/bbox/ymax': dataset_util.float_list_feature(ymaxs),
        'image/object/class/text': dataset_util.bytes_list_feature(classes_text),
        'image/object/class/label': dataset_util.int64_list_feature(classes),
    }))
    return tf_example


def main(_):

    writer = tf.python_io.TFRecordWriter(args.output_path)
    path = os.path.join(args.image_dir)
    examples = xml_to_csv(args.xml_dir)
    grouped = split(examples, 'filename')
    for group in grouped:
        tf_example = create_tf_example(group, path)
        writer.write(tf_example.SerializeToString())
    writer.close()
    print('Successfully created the TFRecord file: {}'.format(args.output_path))
    if args.csv_path is not None:
        examples.to_csv(args.csv_path, index=None)
        print('Successfully created the CSV file: {}'.format(args.csv_path))


if __name__ == '__main__':
    tf.app.run()
  • Click here to download the above script and save it inside TensorFlow/scripts/preprocessing.

  • Install the pandas package:

    conda install pandas # Anaconda
                         # or
    pip install pandas   # pip
    
  • Finally, cd into TensorFlow/scripts/preprocessing and run:

    # Create train data:
    python generate_tfrecord.py -x [PATH_TO_IMAGES_FOLDER]/train -l [PATH_TO_ANNOTATIONS_FOLDER]/label_map.pbtxt -o [PATH_TO_ANNOTATIONS_FOLDER]/train.record
    
    # Create test data:
    python generate_tfrecord.py -x [PATH_TO_IMAGES_FOLDER]/test -l [PATH_TO_ANNOTATIONS_FOLDER]/label_map.pbtxt -o [PATH_TO_ANNOTATIONS_FOLDER]/test.record
    
    # For example
    # python generate_tfrecord.py -x C:/Users/sglvladi/Documents/Tensorflow/workspace/training_demo/images/train -l C:/Users/sglvladi/Documents/Tensorflow/workspace/training_demo/annotations/label_map.pbtxt -o C:/Users/sglvladi/Documents/Tensorflow/workspace/training_demo/annotations/train.record
    # python generate_tfrecord.py -x C:/Users/sglvladi/Documents/Tensorflow/workspace/training_demo/images/test -l C:/Users/sglvladi/Documents/Tensorflow2/workspace/training_demo/annotations/label_map.pbtxt -o C:/Users/sglvladi/Documents/Tensorflow/workspace/training_demo/annotations/test.record
    

Once the above is done, there should be 2 new files under the training_demo/annotations folder, named test.record and train.record, respectively.

Configuring a Training Job

For the purposes of this tutorial we will not be creating a training job from scratch, but rather we will reuse one of the pre-trained models provided by TensorFlow. If you would like to train an entirely new model, you can have a look at TensorFlow’s tutorial.

The model we shall be using in our examples is the SSD ResNet50 V1 FPN 640x640 model, since it provides a relatively good trade-off between performance and speed. However, there exist a number of other models you can use, all of which are listed in TensorFlow 2 Detection Model Zoo.

Download Pre-Trained Model

To begin with, we need to download the latest pre-trained network for the model we wish to use. This can be done by simply clicking on the name of the desired model in the table found in TensorFlow 2 Detection Model Zoo. Clicking on the name of your model should initiate a download for a *.tar.gz file.

Once the *.tar.gz file has been downloaded, open it using a decompression program of your choice (e.g. 7zip, WinZIP, etc.). Next, open the *.tar folder that you see when the compressed folder is opened, and extract its contents inside the folder training_demo/pre-trained-models. Since we downloaded the SSD ResNet50 V1 FPN 640x640 model, our training_demo directory should now look as follows:

training_demo/
├─ ...
├─ pre-trained-models/
│  └─ ssd_resnet50_v1_fpn_640x640_coco17_tpu-8/
│     ├─ checkpoint/
│     ├─ saved_model/
│     └─ pipeline.config
└─ ...

Note that the above process can be repeated for all other pre-trained models you wish to experiment with. For example, if you wanted to also configure a training job for the EfficientDet D1 640x640 model, you can download the model and after extracting its context the demo directory will be:

training_demo/
├─ ...
├─ pre-trained-models/
│  ├─ efficientdet_d1_coco17_tpu-32/
│  │  ├─ checkpoint/
│  │  ├─ saved_model/
│  │  └─ pipeline.config
│  └─ ssd_resnet50_v1_fpn_640x640_coco17_tpu-8/
│     ├─ checkpoint/
│     ├─ saved_model/
│     └─ pipeline.config
└─ ...

Configure the Training Pipeline

Now that we have downloaded and extracted our pre-trained model, let’s create a directory for our training job. Under the training_demo/models create a new directory named my_ssd_resnet50_v1_fpn and copy the training_demo/pre-trained-models/ssd_resnet50_v1_fpn_640x640_coco17_tpu-8/pipeline.config file inside the newly created directory. Our training_demo/models directory should now look like this:

training_demo/
├─ ...
├─ models/
│  └─ my_ssd_resnet50_v1_fpn/
│     └─ pipeline.config
└─ ...

Now, let’s have a look at the changes that we shall need to apply to the pipeline.config file (highlighted in yellow):

  1model {
  2  ssd {
  3    num_classes: 1 # Set this to the number of different label classes
  4    image_resizer {
  5      fixed_shape_resizer {
  6        height: 640
  7        width: 640
  8      }
  9    }
 10    feature_extractor {
 11      type: "ssd_resnet50_v1_fpn_keras"
 12      depth_multiplier: 1.0
 13      min_depth: 16
 14      conv_hyperparams {
 15        regularizer {
 16          l2_regularizer {
 17            weight: 0.00039999998989515007
 18          }
 19        }
 20        initializer {
 21          truncated_normal_initializer {
 22            mean: 0.0
 23            stddev: 0.029999999329447746
 24          }
 25        }
 26        activation: RELU_6
 27        batch_norm {
 28          decay: 0.996999979019165
 29          scale: true
 30          epsilon: 0.0010000000474974513
 31        }
 32      }
 33      override_base_feature_extractor_hyperparams: true
 34      fpn {
 35        min_level: 3
 36        max_level: 7
 37      }
 38    }
 39    box_coder {
 40      faster_rcnn_box_coder {
 41        y_scale: 10.0
 42        x_scale: 10.0
 43        height_scale: 5.0
 44        width_scale: 5.0
 45      }
 46    }
 47    matcher {
 48      argmax_matcher {
 49        matched_threshold: 0.5
 50        unmatched_threshold: 0.5
 51        ignore_thresholds: false
 52        negatives_lower_than_unmatched: true
 53        force_match_for_each_row: true
 54        use_matmul_gather: true
 55      }
 56    }
 57    similarity_calculator {
 58      iou_similarity {
 59      }
 60    }
 61    box_predictor {
 62      weight_shared_convolutional_box_predictor {
 63        conv_hyperparams {
 64          regularizer {
 65            l2_regularizer {
 66              weight: 0.00039999998989515007
 67            }
 68          }
 69          initializer {
 70            random_normal_initializer {
 71              mean: 0.0
 72              stddev: 0.009999999776482582
 73            }
 74          }
 75          activation: RELU_6
 76          batch_norm {
 77            decay: 0.996999979019165
 78            scale: true
 79            epsilon: 0.0010000000474974513
 80          }
 81        }
 82        depth: 256
 83        num_layers_before_predictor: 4
 84        kernel_size: 3
 85        class_prediction_bias_init: -4.599999904632568
 86      }
 87    }
 88    anchor_generator {
 89      multiscale_anchor_generator {
 90        min_level: 3
 91        max_level: 7
 92        anchor_scale: 4.0
 93        aspect_ratios: 1.0
 94        aspect_ratios: 2.0
 95        aspect_ratios: 0.5
 96        scales_per_octave: 2
 97      }
 98    }
 99    post_processing {
100      batch_non_max_suppression {
101        score_threshold: 9.99999993922529e-09
102        iou_threshold: 0.6000000238418579
103        max_detections_per_class: 100
104        max_total_detections: 100
105        use_static_shapes: false
106      }
107      score_converter: SIGMOID
108    }
109    normalize_loss_by_num_matches: true
110    loss {
111      localization_loss {
112        weighted_smooth_l1 {
113        }
114      }
115      classification_loss {
116        weighted_sigmoid_focal {
117          gamma: 2.0
118          alpha: 0.25
119        }
120      }
121      classification_weight: 1.0
122      localization_weight: 1.0
123    }
124    encode_background_as_zeros: true
125    normalize_loc_loss_by_codesize: true
126    inplace_batchnorm_update: true
127    freeze_batchnorm: false
128  }
129}
130train_config {
131  batch_size: 8 # Increase/Decrease this value depending on the available memory (Higher values require more memory and vice-versa)
132  data_augmentation_options {
133    random_horizontal_flip {
134    }
135  }
136  data_augmentation_options {
137    random_crop_image {
138      min_object_covered: 0.0
139      min_aspect_ratio: 0.75
140      max_aspect_ratio: 3.0
141      min_area: 0.75
142      max_area: 1.0
143      overlap_thresh: 0.0
144    }
145  }
146  sync_replicas: true
147  optimizer {
148    momentum_optimizer {
149      learning_rate {
150        cosine_decay_learning_rate {
151          learning_rate_base: 0.03999999910593033
152          total_steps: 25000
153          warmup_learning_rate: 0.013333000242710114
154          warmup_steps: 2000
155        }
156      }
157      momentum_optimizer_value: 0.8999999761581421
158    }
159    use_moving_average: false
160  }
161  fine_tune_checkpoint: "pre-trained-models/ssd_resnet50_v1_fpn_640x640_coco17_tpu-8/checkpoint/ckpt-0" # Path to checkpoint of pre-trained model
162  num_steps: 25000
163  startup_delay_steps: 0.0
164  replicas_to_aggregate: 8
165  max_number_of_boxes: 100
166  unpad_groundtruth_tensors: false
167  fine_tune_checkpoint_type: "detection" # Set this to "detection" since we want to be training the full detection model
168  use_bfloat16: false # Set this to false if you are not training on a TPU
169  fine_tune_checkpoint_version: V2
170}
171train_input_reader {
172  label_map_path: "annotations/label_map.pbtxt" # Path to label map file
173  tf_record_input_reader {
174    input_path: "annotations/train.record" # Path to training TFRecord file
175  }
176}
177eval_config {
178  metrics_set: "coco_detection_metrics"
179  use_moving_averages: false
180}
181eval_input_reader {
182  label_map_path: "annotations/label_map.pbtxt" # Path to label map file
183  shuffle: false
184  num_epochs: 1
185  tf_record_input_reader {
186    input_path: "annotations/test.record" # Path to testing TFRecord
187  }
188}

It is worth noting here that the changes to lines 178 to 179 above are optional. These should only be used if you installed the COCO evaluation tools, as outlined in the COCO API installation section, and you intend to run evaluation (see Evaluating the Model (Optional)).

Once the above changes have been applied to our config file, go ahead and save it.

Training the Model

Before we begin training our model, let’s go and copy the TensorFlow/models/research/object_detection/model_main_tf2.py script and paste it straight into our training_demo folder. We will need this script in order to train our model.

Now, to initiate a new training job, open a new Terminal, cd inside the training_demo folder and run the following command:

python model_main_tf2.py --model_dir=models/my_ssd_resnet50_v1_fpn --pipeline_config_path=models/my_ssd_resnet50_v1_fpn/pipeline.config

Once the training process has been initiated, you should see a series of print outs similar to the one below (plus/minus some warnings):

...
WARNING:tensorflow:Unresolved object in checkpoint: (root).model._box_predictor._base_tower_layers_for_heads.class_predictions_with_background.4.10.gamma
W0716 05:24:19.105542  1364 util.py:143] Unresolved object in checkpoint: (root).model._box_predictor._base_tower_layers_for_heads.class_predictions_with_background.4.10.gamma
WARNING:tensorflow:Unresolved object in checkpoint: (root).model._box_predictor._base_tower_layers_for_heads.class_predictions_with_background.4.10.beta
W0716 05:24:19.106541  1364 util.py:143] Unresolved object in checkpoint: (root).model._box_predictor._base_tower_layers_for_heads.class_predictions_with_background.4.10.beta
WARNING:tensorflow:Unresolved object in checkpoint: (root).model._box_predictor._base_tower_layers_for_heads.class_predictions_with_background.4.10.moving_mean
W0716 05:24:19.107540  1364 util.py:143] Unresolved object in checkpoint: (root).model._box_predictor._base_tower_layers_for_heads.class_predictions_with_background.4.10.moving_mean
WARNING:tensorflow:Unresolved object in checkpoint: (root).model._box_predictor._base_tower_layers_for_heads.class_predictions_with_background.4.10.moving_variance
W0716 05:24:19.108539  1364 util.py:143] Unresolved object in checkpoint: (root).model._box_predictor._base_tower_layers_for_heads.class_predictions_with_background.4.10.moving_variance
WARNING:tensorflow:A checkpoint was restored (e.g. tf.train.Checkpoint.restore or tf.keras.Model.load_weights) but not all checkpointed values were used. See above for specific issues. Use expect_partial() on the load status object, e.g. tf.train.Checkpoint.restore(...).expect_partial(), to silence these warnings, or use assert_consumed() to make the check explicit. See https://www.tensorflow.org/guide/checkpoint#loading_mechanics for details.
W0716 05:24:19.108539  1364 util.py:151] A checkpoint was restored (e.g. tf.train.Checkpoint.restore or tf.keras.Model.load_weights) but not all checkpointed values were used. See above for specific issues. Use expect_partial() on the load status object, e.g. tf.train.Checkpoint.restore(...).expect_partial(), to silence these warnings, or use assert_consumed() to make the check explicit. See https://www.tensorflow.org/guide/checkpoint#loading_mechanics for details.
WARNING:tensorflow:num_readers has been reduced to 1 to match input file shards.
INFO:tensorflow:Step 100 per-step time 1.153s loss=0.761
I0716 05:26:55.879558  1364 model_lib_v2.py:632] Step 100 per-step time 1.153s loss=0.761
...

Important

The output will normally look like it has “frozen”, but DO NOT rush to cancel the process. The training outputs logs only every 100 steps by default, therefore if you wait for a while, you should see a log for the loss at step 100.

The time you should wait can vary greatly, depending on whether you are using a GPU and the chosen value for batch_size in the config file, so be patient.

If you ARE observing a similar output to the above, then CONGRATULATIONS, you have successfully started your first training job. Now you may very well treat yourself to a cold beer, as waiting on the training to finish is likely to take a while. Following what people have said online, it seems that it is advisable to allow you model to reach a TotalLoss of at least 2 (ideally 1 and lower) if you want to achieve “fair” detection results. Obviously, lower TotalLoss is better, however very low TotalLoss should be avoided, as the model may end up overfitting the dataset, meaning that it will perform poorly when applied to images outside the dataset. To monitor TotalLoss, as well as a number of other metrics, while your model is training, have a look at Monitor Training Job Progress using TensorBoard.

If you ARE NOT seeing a print-out similar to that shown above, and/or the training job crashes after a few seconds, then have a look at the issues and proposed solutions, under the Common issues section, to see if you can find a solution. Alternatively, you can try the issues section of the official Tensorflow Models repo.

Note

Training times can be affected by a number of factors such as:

  • The computational power of you hardware (either CPU or GPU): Obviously, the more powerful your PC is, the faster the training process.

  • Whether you are using the TensorFlow CPU or GPU variant: In general, even when compared to the best CPUs, almost any GPU graphics card will yield much faster training and detection speeds. As a matter of fact, when I first started I was running TensorFlow on my Intel i7-5930k (6/12 cores @ 4GHz, 32GB RAM) and was getting step times of around 12 sec/step, after which I installed TensorFlow GPU and training the very same model -using the same dataset and config files- on a EVGA GTX-770 (1536 CUDA-cores @ 1GHz, 2GB VRAM) I was down to 0.9 sec/step!!! A 12-fold increase in speed, using a “low/mid-end” graphics card, when compared to a “mid/high-end” CPU.

  • The complexity of the objects you are trying to detect: Obviously, if your objective is to track a black ball over a white background, the model will converge to satisfactory levels of detection pretty quickly. If on the other hand, for example, you wish to detect ships in ports, using Pan-Tilt-Zoom cameras, then training will be a much more challenging and time-consuming process, due to the high variability of the shape and size of ships, combined with a highly dynamic background.

  • And many, many, many, more….

Evaluating the Model (Optional)

By default, the training process logs some basic measures of training performance. These seem to change depending on the installed version of Tensorflow.

As you will have seen in various parts of this tutorial, we have mentioned a few times the optional utilisation of the COCO evaluation metrics. Also, under section Partition the Dataset we partitioned our dataset in two parts, where one was to be used for training and the other for evaluation. In this section we will look at how we can use these metrics, along with the test images, to get a sense of the performance achieved by our model as it is being trained.

Firstly, let’s start with a brief explanation of what the evaluation process does. While the training process runs, it will occasionally create checkpoint files inside the training_demo/training folder, which correspond to snapshots of the model at given steps. When a set of such new checkpoint files is generated, the evaluation process uses these files and evaluates how well the model performs in detecting objects in the test dataset. The results of this evaluation are summarised in the form of some metrics, which can be examined over time.

The steps to run the evaluation are outlined below:

  1. Firstly we need to download and install the metrics we want to use.

    • For a description of the supported object detection evaluation metrics, see here.

    • The process of installing the COCO evaluation metrics is described in COCO API installation.

  2. Secondly, we must modify the configuration pipeline (*.config script).

  3. The third step is to actually run the evaluation. To do so, open a new Terminal, cd inside the training_demo folder and run the following command:

    python model_main_tf2.py --model_dir=models/my_ssd_resnet50_v1_fpn --pipeline_config_path=models/my_ssd_resnet50_v1_fpn/pipeline.config --checkpoint_dir=models/my_ssd_resnet50_v1_fpn
    

    Once the above is run, you should see a checkpoint similar to the one below (plus/minus some warnings):

    ...
    WARNING:tensorflow:From C:\Users\sglvladi\Anaconda3\envs\tf2\lib\site-packages\object_detection\inputs.py:79: sparse_to_dense (from tensorflow.python.ops.sparse_ops) is deprecated and will be removed in a future version.
    Instructions for updating:
    Create a `tf.sparse.SparseTensor` and use `tf.sparse.to_dense` instead.
    W0716 05:44:10.059399 17144 deprecation.py:317] From C:\Users\sglvladi\Anaconda3\envs\tf2\lib\site-packages\object_detection\inputs.py:79: sparse_to_dense (from tensorflow.python.ops.sparse_ops) is deprecated and will be removed in a future version.
    Instructions for updating:
    Create a `tf.sparse.SparseTensor` and use `tf.sparse.to_dense` instead.
    WARNING:tensorflow:From C:\Users\sglvladi\Anaconda3\envs\tf2\lib\site-packages\object_detection\inputs.py:259: to_float (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
    Instructions for updating:
    Use `tf.cast` instead.
    W0716 05:44:12.383937 17144 deprecation.py:317] From C:\Users\sglvladi\Anaconda3\envs\tf2\lib\site-packages\object_detection\inputs.py:259: to_float (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
    Instructions for updating:
    Use `tf.cast` instead.
    INFO:tensorflow:Waiting for new checkpoint at models/my_ssd_resnet50_v1_fpn
    I0716 05:44:22.779590 17144 checkpoint_utils.py:125] Waiting for new checkpoint at models/my_ssd_resnet50_v1_fpn
    INFO:tensorflow:Found new checkpoint at models/my_ssd_resnet50_v1_fpn\ckpt-2
    I0716 05:44:22.882485 17144 checkpoint_utils.py:134] Found new checkpoint at models/my_ssd_resnet50_v1_fpn\ckpt-2
    

While the evaluation process is running, it will periodically check (every 300 sec by default) and use the latest models/my_ssd_resnet50_v1_fpn/ckpt-* checkpoint files to evaluate the performance of the model. The results are stored in the form of tf event files (events.out.tfevents.*) inside models/my_ssd_resnet50_v1_fpn/eval_0. These files can then be used to monitor the computed metrics, using the process described by the next section.

Monitor Training Job Progress using TensorBoard

A very nice feature of TensorFlow, is that it allows you to coninuously monitor and visualise a number of different training/evaluation metrics, while your model is being trained. The specific tool that allows us to do all that is Tensorboard.

To start a new TensorBoard server, we follow the following steps:

  • Open a new Anaconda/Command Prompt

  • Activate your TensorFlow conda environment (if you have one), e.g.:

    activate tensorflow_gpu
    
  • cd into the training_demo folder.

  • Run the following command:

    tensorboard --logdir=models/my_ssd_resnet50_v1_fpn
    

The above command will start a new TensorBoard server, which (by default) listens to port 6006 of your machine. Assuming that everything went well, you should see a print-out similar to the one below (plus/minus some warnings):

...
TensorBoard 2.2.2 at http://localhost:6006/ (Press CTRL+C to quit)

Once this is done, go to your browser and type http://localhost:6006/ in your address bar, following which you should be presented with a dashboard similar to the one shown below (maybe less populated if your model has just started training):

alternate text

Exporting a Trained Model

Once your training job is complete, you need to extract the newly trained inference graph, which will be later used to perform the object detection. This can be done as follows:

  • Copy the TensorFlow/models/research/object_detection/exporter_main_v2.py script and paste it straight into your training_demo folder.

  • Now, open a Terminal, cd inside your training_demo folder, and run the following command:

python .\exporter_main_v2.py --input_type image_tensor --pipeline_config_path .\models\my_ssd_resnet50_v1_fpn\pipeline.config --trained_checkpoint_dir .\models\my_ssd_resnet50_v1_fpn\ --output_directory .\exported-models\my_model

After the above process has completed, you should find a new folder my_model under the training_demo/exported-models, that has the following structure:

training_demo/
├─ ...
├─ exported-models/
│  └─ my_model/
│     ├─ checkpoint/
│     ├─ saved_model/
│     └─ pipeline.config
└─ ...

This model can then be used to perform inference.

Note

You may get the following error when trying to export your model:

Traceback (most recent call last):
  File ".\exporter_main_v2.py", line 126, in <module>
    app.run(main)
  File "C:\Users\sglvladi\Anaconda3\envs\tf2\lib\site-packages\absl\app.py", line 299, in run
    _run_main(main, args)
  ...
  File "C:\Users\sglvladi\Anaconda3\envs\tf2\lib\site-packages\tensorflow\python\keras\engine\base_layer.py", line 1627, in get_losses_for
    reachable = tf_utils.get_reachable_from_inputs(inputs, losses)
  File "C:\Users\sglvladi\Anaconda3\envs\tf2\lib\site-packages\tensorflow\python\keras\utils\tf_utils.py", line 140, in get_reachable_from_inputs
    raise TypeError('Expected Operation, Variable, or Tensor, got ' + str(x))
TypeError: Expected Operation, Variable, or Tensor, got level_5

If this happens, have a look at the “TypeError: Expected Operation, Variable, or Tensor, got level_5” issue section for a potential solution.

Examples

Below is a gallery of examples

Detect Objects Using Your Webcam

Detect Objects Using Your Webcam

Object Detection From TF1 Saved Model

Object Detection From TF1 Saved Model

Object Detection From TF2 Saved Model

Object Detection From TF2 Saved Model

Object Detection From TF2 Checkpoint

Object Detection From TF2 Checkpoint

Detect Objects Using Your Webcam

This demo will take you through the steps of running an “out-of-the-box” detection model to detect objects in the video stream extracted from your camera.

Create the data directory

The snippet shown below will create the data directory where all our data will be stored. The code will create a directory structure as shown bellow:

data
└── models

where the models folder will will contain the downloaded models.

import os

DATA_DIR = os.path.join(os.getcwd(), 'data')
MODELS_DIR = os.path.join(DATA_DIR, 'models')
for dir in [DATA_DIR, MODELS_DIR]:
    if not os.path.exists(dir):
        os.mkdir(dir)

Download the model

The code snippet shown below is used to download the object detection model checkpoint file, as well as the labels file (.pbtxt) which contains a list of strings used to add the correct label to each detection (e.g. person).

The particular detection algorithm we will use is the SSD ResNet101 V1 FPN 640x640. More models can be found in the TensorFlow 2 Detection Model Zoo. To use a different model you will need the URL name of the specific model. This can be done as follows:

  1. Right click on the Model name of the model you would like to use;

  2. Click on Copy link address to copy the download link of the model;

  3. Paste the link in a text editor of your choice. You should observe a link similar to download.tensorflow.org/models/object_detection/tf2/YYYYYYYY/XXXXXXXXX.tar.gz;

  4. Copy the XXXXXXXXX part of the link and use it to replace the value of the MODEL_NAME variable in the code shown below;

  5. Copy the YYYYYYYY part of the link and use it to replace the value of the MODEL_DATE variable in the code shown below.

For example, the download link for the model used below is: download.tensorflow.org/models/object_detection/tf2/20200711/ssd_resnet101_v1_fpn_640x640_coco17_tpu-8.tar.gz

import tarfile
import urllib.request

# Download and extract model
MODEL_DATE = '20200711'
MODEL_NAME = 'ssd_resnet101_v1_fpn_640x640_coco17_tpu-8'
MODEL_TAR_FILENAME = MODEL_NAME + '.tar.gz'
MODELS_DOWNLOAD_BASE = 'http://download.tensorflow.org/models/object_detection/tf2/'
MODEL_DOWNLOAD_LINK = MODELS_DOWNLOAD_BASE + MODEL_DATE + '/' + MODEL_TAR_FILENAME
PATH_TO_MODEL_TAR = os.path.join(MODELS_DIR, MODEL_TAR_FILENAME)
PATH_TO_CKPT = os.path.join(MODELS_DIR, os.path.join(MODEL_NAME, 'checkpoint/'))
PATH_TO_CFG = os.path.join(MODELS_DIR, os.path.join(MODEL_NAME, 'pipeline.config'))
if not os.path.exists(PATH_TO_CKPT):
    print('Downloading model. This may take a while... ', end='')
    urllib.request.urlretrieve(MODEL_DOWNLOAD_LINK, PATH_TO_MODEL_TAR)
    tar_file = tarfile.open(PATH_TO_MODEL_TAR)
    tar_file.extractall(MODELS_DIR)
    tar_file.close()
    os.remove(PATH_TO_MODEL_TAR)
    print('Done')

# Download labels file
LABEL_FILENAME = 'mscoco_label_map.pbtxt'
LABELS_DOWNLOAD_BASE = \
    'https://raw.githubusercontent.com/tensorflow/models/master/research/object_detection/data/'
PATH_TO_LABELS = os.path.join(MODELS_DIR, os.path.join(MODEL_NAME, LABEL_FILENAME))
if not os.path.exists(PATH_TO_LABELS):
    print('Downloading label file... ', end='')
    urllib.request.urlretrieve(LABELS_DOWNLOAD_BASE + LABEL_FILENAME, PATH_TO_LABELS)
    print('Done')

Load the model

Next we load the downloaded model

os.environ['TF_CPP_MIN_LOG_LEVEL'] = '2'    # Suppress TensorFlow logging
import tensorflow as tf
from object_detection.utils import label_map_util
from object_detection.utils import config_util
from object_detection.utils import visualization_utils as viz_utils
from object_detection.builders import model_builder

tf.get_logger().setLevel('ERROR')           # Suppress TensorFlow logging (2)

# Enable GPU dynamic memory allocation
gpus = tf.config.experimental.list_physical_devices('GPU')
for gpu in gpus:
    tf.config.experimental.set_memory_growth(gpu, True)

# Load pipeline config and build a detection model
configs = config_util.get_configs_from_pipeline_file(PATH_TO_CFG)
model_config = configs['model']
detection_model = model_builder.build(model_config=model_config, is_training=False)

# Restore checkpoint
ckpt = tf.compat.v2.train.Checkpoint(model=detection_model)
ckpt.restore(os.path.join(PATH_TO_CKPT, 'ckpt-0')).expect_partial()

@tf.function
def detect_fn(image):
    """Detect objects in image."""

    image, shapes = detection_model.preprocess(image)
    prediction_dict = detection_model.predict(image, shapes)
    detections = detection_model.postprocess(prediction_dict, shapes)

    return detections, prediction_dict, tf.reshape(shapes, [-1])

Load label map data (for plotting)

Label maps correspond index numbers to category names, so that when our convolution network predicts 5, we know that this corresponds to airplane. Here we use internal utility functions, but anything that returns a dictionary mapping integers to appropriate string labels would be fine.

category_index = label_map_util.create_category_index_from_labelmap(PATH_TO_LABELS,
                                                                    use_display_name=True)

Define the video stream

We will use OpenCV to capture the video stream generated by our webcam. For more information you can refer to the OpenCV-Python Tutorials

import cv2

cap = cv2.VideoCapture(0)

Putting everything together

The code shown below loads an image, runs it through the detection model and visualizes the detection results, including the keypoints.

Note that this will take a long time (several minutes) the first time you run this code due to tf.function’s trace-compilation — on subsequent runs (e.g. on new images), things will be faster.

Here are some simple things to try out if you are curious:

  • Modify some of the input images and see if detection still works. Some simple things to try out here (just uncomment the relevant portions of code) include flipping the image horizontally, or converting to grayscale (note that we still expect the input image to have 3 channels).

  • Print out detections[‘detection_boxes’] and try to match the box locations to the boxes in the image. Notice that coordinates are given in normalized form (i.e., in the interval [0, 1]).

  • Set min_score_thresh to other values (between 0 and 1) to allow more detections in or to filter out more detections.

import numpy as np

while True:
    # Read frame from camera
    ret, image_np = cap.read()

    # Expand dimensions since the model expects images to have shape: [1, None, None, 3]
    image_np_expanded = np.expand_dims(image_np, axis=0)

    # Things to try:
    # Flip horizontally
    # image_np = np.fliplr(image_np).copy()

    # Convert image to grayscale
    # image_np = np.tile(
    #     np.mean(image_np, 2, keepdims=True), (1, 1, 3)).astype(np.uint8)

    input_tensor = tf.convert_to_tensor(np.expand_dims(image_np, 0), dtype=tf.float32)
    detections, predictions_dict, shapes = detect_fn(input_tensor)

    label_id_offset = 1
    image_np_with_detections = image_np.copy()

    viz_utils.visualize_boxes_and_labels_on_image_array(
          image_np_with_detections,
          detections['detection_boxes'][0].numpy(),
          (detections['detection_classes'][0].numpy() + label_id_offset).astype(int),
          detections['detection_scores'][0].numpy(),
          category_index,
          use_normalized_coordinates=True,
          max_boxes_to_draw=200,
          min_score_thresh=.30,
          agnostic_mode=False)

    # Display output
    cv2.imshow('object detection', cv2.resize(image_np_with_detections, (800, 600)))

    if cv2.waitKey(25) & 0xFF == ord('q'):
        break

cap.release()
cv2.destroyAllWindows()

Total running time of the script: ( 0 minutes 0.000 seconds)

Gallery generated by Sphinx-Gallery

Object Detection From TF1 Saved Model

This demo will take you through the steps of running an “out-of-the-box” TensorFlow 1 compatible detection model on a collection of images. More specifically, in this example we will be using the Saved Model Format to load the model.

Download the test images

First we will download the images that we will use throughout this tutorial. The code snippet shown bellow will download the test images from the TensorFlow Model Garden and save them inside the data/images folder.

import os
os.environ['TF_CPP_MIN_LOG_LEVEL'] = '2'    # Suppress TensorFlow logging (1)
import pathlib
import tensorflow as tf

tf.get_logger().setLevel('ERROR')           # Suppress TensorFlow logging (2)

# Enable GPU dynamic memory allocation
gpus = tf.config.experimental.list_physical_devices('GPU')
for gpu in gpus:
    tf.config.experimental.set_memory_growth(gpu, True)

def download_images():
    base_url = 'https://raw.githubusercontent.com/tensorflow/models/master/research/object_detection/test_images/'
    filenames = ['image1.jpg', 'image2.jpg']
    image_paths = []
    for filename in filenames:
        image_path = tf.keras.utils.get_file(fname=filename,
                                            origin=base_url + filename,
                                            untar=False)
        image_path = pathlib.Path(image_path)
        image_paths.append(str(image_path))
    return image_paths

IMAGE_PATHS = download_images()

Download the model

The code snippet shown below is used to download the pre-trained object detection model we shall use to perform inference. The particular detection algorithm we will use is the SSD MobileNet v2. More models can be found in the TensorFlow 1 Detection Model Zoo. To use a different model you will need the URL name of the specific model. This can be done as follows:

  1. Right click on the Model name of the model you would like to use;

  2. Click on Copy link address to copy the download link of the model;

  3. Paste the link in a text editor of your choice. You should observe a link similar to download.tensorflow.org/models/object_detection/XXXXXXXXX.tar.gz;

  4. Copy the XXXXXXXXX part of the link and use it to replace the value of the MODEL_NAME variable in the code shown below;

For example, the download link for the model used below is: download.tensorflow.org/models/object_detection/ssd_mobilenet_v2_coco_2018_03_29.tar.gz

# Download and extract model
def download_model(model_name):
    base_url = 'http://download.tensorflow.org/models/object_detection/'
    model_file = model_name + '.tar.gz'
    model_dir = tf.keras.utils.get_file(fname=model_name,
                                        origin=base_url + model_file,
                                        untar=True)
    return str(model_dir)

MODEL_NAME = 'ssd_mobilenet_v2_coco_2018_03_29'
PATH_TO_MODEL_DIR = download_model(MODEL_NAME)

Out:

Downloading data from http://download.tensorflow.org/models/object_detection/ssd_mobilenet_v2_coco_2018_03_29.tar.gz

     8192/187925923 [..............................] - ETA: 0s
    16384/187925923 [..............................] - ETA: 41:09
    32768/187925923 [..............................] - ETA: 25:46
    49152/187925923 [..............................] - ETA: 24:11
    90112/187925923 [..............................] - ETA: 15:23
   172032/187925923 [..............................] - ETA: 8:58
   253952/187925923 [..............................] - ETA: 7:55
   286720/187925923 [..............................] - ETA: 8:43
   507904/187925923 [..............................] - ETA: 5:13
   606208/187925923 [..............................] - ETA: 5:21
   696320/187925923 [..............................] - ETA: 4:59
   950272/187925923 [..............................] - ETA: 3:49
  1105920/187925923 [..............................] - ETA: 3:27
  1286144/187925923 [..............................] - ETA: 3:05
  1318912/187925923 [..............................] - ETA: 3:24
  1589248/187925923 [..............................] - ETA: 2:55
  1654784/187925923 [..............................] - ETA: 2:56
  1818624/187925923 [..............................] - ETA: 2:46
  1998848/187925923 [..............................] - ETA: 2:35
  2121728/187925923 [..............................] - ETA: 2:36
  2310144/187925923 [..............................] - ETA: 2:28
  2498560/187925923 [..............................] - ETA: 2:25
  2605056/187925923 [..............................] - ETA: 2:23
  2777088/187925923 [..............................] - ETA: 2:17
  2965504/187925923 [..............................] - ETA: 2:17
  3112960/187925923 [..............................] - ETA: 2:13
  3358720/187925923 [..............................] - ETA: 2:06
  3497984/187925923 [..............................] - ETA: 2:04
  3768320/187925923 [..............................] - ETA: 1:57
  3964928/187925923 [..............................] - ETA: 1:54
  4145152/187925923 [..............................] - ETA: 1:51
  4308992/187925923 [..............................] - ETA: 1:50
  4628480/187925923 [..............................] - ETA: 1:44
  4841472/187925923 [..............................] - ETA: 1:41
  4980736/187925923 [..............................] - ETA: 1:42
  5079040/187925923 [..............................] - ETA: 1:42
  5234688/187925923 [..............................] - ETA: 1:40
  5398528/187925923 [..............................] - ETA: 1:40
  5439488/187925923 [..............................] - ETA: 1:41
  5652480/187925923 [..............................] - ETA: 1:40
  5693440/187925923 [..............................] - ETA: 1:42
  5890048/187925923 [..............................] - ETA: 1:40
  6062080/187925923 [..............................] - ETA: 1:38
  6103040/187925923 [..............................] - ETA: 1:40
  6275072/187925923 [>.............................] - ETA: 1:39
  6447104/187925923 [>.............................] - ETA: 1:38
  6660096/187925923 [>.............................] - ETA: 1:36
  6864896/187925923 [>.............................] - ETA: 1:35
  7069696/187925923 [>.............................] - ETA: 1:33
  7299072/187925923 [>.............................] - ETA: 1:31
  7544832/187925923 [>.............................] - ETA: 1:30
  7716864/187925923 [>.............................] - ETA: 1:29
  7987200/187925923 [>.............................] - ETA: 1:28
  8232960/187925923 [>.............................] - ETA: 1:26
  8380416/187925923 [>.............................] - ETA: 1:26
  8708096/187925923 [>.............................] - ETA: 1:23
  8814592/187925923 [>.............................] - ETA: 1:24
  9060352/187925923 [>.............................] - ETA: 1:22
  9297920/187925923 [>.............................] - ETA: 1:21
  9551872/187925923 [>.............................] - ETA: 1:20
  9797632/187925923 [>.............................] - ETA: 1:19
 10035200/187925923 [>.............................] - ETA: 1:18
 10264576/187925923 [>.............................] - ETA: 1:17
 10543104/187925923 [>.............................] - ETA: 1:16
 10797056/187925923 [>.............................] - ETA: 1:15
 11026432/187925923 [>.............................] - ETA: 1:14
 11247616/187925923 [>.............................] - ETA: 1:13
 11608064/187925923 [>.............................] - ETA: 1:12
 11714560/187925923 [>.............................] - ETA: 1:12
 11927552/187925923 [>.............................] - ETA: 1:11
 12263424/187925923 [>.............................] - ETA: 1:10
 12566528/187925923 [=>............................] - ETA: 1:09
 12640256/187925923 [=>............................] - ETA: 1:09
 12918784/187925923 [=>............................] - ETA: 1:08
 13164544/187925923 [=>............................] - ETA: 1:08
 13549568/187925923 [=>............................] - ETA: 1:06
 13787136/187925923 [=>............................] - ETA: 1:06
 14131200/187925923 [=>............................] - ETA: 1:05
 14565376/187925923 [=>............................] - ETA: 1:03
 14704640/187925923 [=>............................] - ETA: 1:03
 14934016/187925923 [=>............................] - ETA: 1:03
 15163392/187925923 [=>............................] - ETA: 1:03
 15392768/187925923 [=>............................] - ETA: 1:02
 15605760/187925923 [=>............................] - ETA: 1:02
 15704064/187925923 [=>............................] - ETA: 1:03
 16015360/187925923 [=>............................] - ETA: 1:02
 16244736/187925923 [=>............................] - ETA: 1:02
 16416768/187925923 [=>............................] - ETA: 1:02
 16637952/187925923 [=>............................] - ETA: 1:01
 16883712/187925923 [=>............................] - ETA: 1:01
 17047552/187925923 [=>............................] - ETA: 1:02
 17342464/187925923 [=>............................] - ETA: 1:01
 17678336/187925923 [=>............................] - ETA: 1:00
 17924096/187925923 [=>............................] - ETA: 1:00
 18243584/187925923 [=>............................] - ETA: 59s
 18505728/187925923 [=>............................] - ETA: 59s
 18792448/187925923 [=>............................] - ETA: 58s
 19120128/187925923 [==>...........................] - ETA: 57s
 19406848/187925923 [==>...........................] - ETA: 57s
 19488768/187925923 [==>...........................] - ETA: 57s
 19718144/187925923 [==>...........................] - ETA: 57s
 19759104/187925923 [==>...........................] - ETA: 58s
 19865600/187925923 [==>...........................] - ETA: 58s
 20004864/187925923 [==>...........................] - ETA: 58s
 20488192/187925923 [==>...........................] - ETA: 57s
 20799488/187925923 [==>...........................] - ETA: 56s
 21053440/187925923 [==>...........................] - ETA: 56s
 21168128/187925923 [==>...........................] - ETA: 56s
 21438464/187925923 [==>...........................] - ETA: 56s
 21700608/187925923 [==>...........................] - ETA: 56s
 21815296/187925923 [==>...........................] - ETA: 56s
 21970944/187925923 [==>...........................] - ETA: 56s
 22085632/187925923 [==>...........................] - ETA: 56s
 22192128/187925923 [==>...........................] - ETA: 57s
 22396928/187925923 [==>...........................] - ETA: 57s
 22667264/187925923 [==>...........................] - ETA: 57s
 22716416/187925923 [==>...........................] - ETA: 58s
 23199744/187925923 [==>...........................] - ETA: 57s
 23437312/187925923 [==>...........................] - ETA: 56s
 23666688/187925923 [==>...........................] - ETA: 56s
 23838720/187925923 [==>...........................] - ETA: 56s
 24141824/187925923 [==>...........................] - ETA: 56s
 24354816/187925923 [==>...........................] - ETA: 55s
 24608768/187925923 [==>...........................] - ETA: 55s
 24616960/187925923 [==>...........................] - ETA: 56s
 24870912/187925923 [==>...........................] - ETA: 55s
 25124864/187925923 [===>..........................] - ETA: 55s
 25370624/187925923 [===>..........................] - ETA: 55s
 25575424/187925923 [===>..........................] - ETA: 55s
 25796608/187925923 [===>..........................] - ETA: 55s
 25968640/187925923 [===>..........................] - ETA: 56s
 26198016/187925923 [===>..........................] - ETA: 55s
 26443776/187925923 [===>..........................] - ETA: 55s
 26624000/187925923 [===>..........................] - ETA: 55s
 26763264/187925923 [===>..........................] - ETA: 55s
 26918912/187925923 [===>..........................] - ETA: 55s
 27074560/187925923 [===>..........................] - ETA: 55s
 27213824/187925923 [===>..........................] - ETA: 55s
 27385856/187925923 [===>..........................] - ETA: 55s
 27615232/187925923 [===>..........................] - ETA: 54s
 27860992/187925923 [===>..........................] - ETA: 54s
 28082176/187925923 [===>..........................] - ETA: 54s
 28336128/187925923 [===>..........................] - ETA: 54s
 28655616/187925923 [===>..........................] - ETA: 53s
 28925952/187925923 [===>..........................] - ETA: 53s
 29196288/187925923 [===>..........................] - ETA: 53s
 29491200/187925923 [===>..........................] - ETA: 52s
 29818880/187925923 [===>..........................] - ETA: 52s
 30007296/187925923 [===>..........................] - ETA: 52s
 30384128/187925923 [===>..........................] - ETA: 51s
 30769152/187925923 [===>..........................] - ETA: 51s
 31105024/187925923 [===>..........................] - ETA: 50s
 31432704/187925923 [====>.........................] - ETA: 50s
 31883264/187925923 [====>.........................] - ETA: 49s
 32161792/187925923 [====>.........................] - ETA: 49s
 32555008/187925923 [====>.........................] - ETA: 49s
 32808960/187925923 [====>.........................] - ETA: 49s
 33177600/187925923 [====>.........................] - ETA: 48s
 33366016/187925923 [====>.........................] - ETA: 48s
 33718272/187925923 [====>.........................] - ETA: 48s
 34037760/187925923 [====>.........................] - ETA: 48s
 34357248/187925923 [====>.........................] - ETA: 47s
 34463744/187925923 [====>.........................] - ETA: 47s
 34791424/187925923 [====>.........................] - ETA: 47s
 34955264/187925923 [====>.........................] - ETA: 47s
 35110912/187925923 [====>.........................] - ETA: 47s
 35381248/187925923 [====>.........................] - ETA: 47s
 35586048/187925923 [====>.........................] - ETA: 47s
 35840000/187925923 [====>.........................] - ETA: 47s
 35995648/187925923 [====>.........................] - ETA: 47s
 36216832/187925923 [====>.........................] - ETA: 47s
 36503552/187925923 [====>.........................] - ETA: 46s
 36773888/187925923 [====>.........................] - ETA: 46s
 37003264/187925923 [====>.........................] - ETA: 46s
 37036032/187925923 [====>.........................] - ETA: 47s
 37412864/187925923 [====>.........................] - ETA: 46s
 37724160/187925923 [=====>........................] - ETA: 46s
 38019072/187925923 [=====>........................] - ETA: 46s
 38330368/187925923 [=====>........................] - ETA: 45s
 38608896/187925923 [=====>........................] - ETA: 45s
 38903808/187925923 [=====>........................] - ETA: 45s
 39288832/187925923 [=====>........................] - ETA: 45s
 39641088/187925923 [=====>........................] - ETA: 44s
 40058880/187925923 [=====>........................] - ETA: 44s
 40476672/187925923 [=====>........................] - ETA: 44s
 40697856/187925923 [=====>........................] - ETA: 44s
 41123840/187925923 [=====>........................] - ETA: 43s
 41476096/187925923 [=====>........................] - ETA: 43s
 41844736/187925923 [=====>........................] - ETA: 43s
 42188800/187925923 [=====>........................] - ETA: 42s
 42549248/187925923 [=====>........................] - ETA: 42s
 42696704/187925923 [=====>........................] - ETA: 42s
 42999808/187925923 [=====>........................] - ETA: 42s
 43229184/187925923 [=====>........................] - ETA: 42s
 43540480/187925923 [=====>........................] - ETA: 41s
 43794432/187925923 [=====>........................] - ETA: 41s
 44130304/187925923 [======>.......................] - ETA: 41s
 44138496/187925923 [======>.......................] - ETA: 41s
 44482560/187925923 [======>.......................] - ETA: 41s
 44900352/187925923 [======>.......................] - ETA: 41s
 45146112/187925923 [======>.......................] - ETA: 41s
 45531136/187925923 [======>.......................] - ETA: 40s
 45654016/187925923 [======>.......................] - ETA: 40s
 45940736/187925923 [======>.......................] - ETA: 40s
 46161920/187925923 [======>.......................] - ETA: 40s
 46424064/187925923 [======>.......................] - ETA: 40s
 46727168/187925923 [======>.......................] - ETA: 40s
 47177728/187925923 [======>.......................] - ETA: 39s
 47316992/187925923 [======>.......................] - ETA: 40s
 47751168/187925923 [======>.......................] - ETA: 40s
 48070656/187925923 [======>.......................] - ETA: 39s
 48160768/187925923 [======>.......................] - ETA: 39s
 48349184/187925923 [======>.......................] - ETA: 39s
 48611328/187925923 [======>.......................] - ETA: 39s
 48766976/187925923 [======>.......................] - ETA: 39s
 49070080/187925923 [======>.......................] - ETA: 39s
 49250304/187925923 [======>.......................] - ETA: 39s
 49512448/187925923 [======>.......................] - ETA: 39s
 49569792/187925923 [======>.......................] - ETA: 39s
 49864704/187925923 [======>.......................] - ETA: 39s
 50044928/187925923 [======>.......................] - ETA: 39s
 50200576/187925923 [=======>......................] - ETA: 39s
 50479104/187925923 [=======>......................] - ETA: 39s
 50790400/187925923 [=======>......................] - ETA: 39s
 51011584/187925923 [=======>......................] - ETA: 39s
 51175424/187925923 [=======>......................] - ETA: 39s
 51232768/187925923 [=======>......................] - ETA: 39s
 51421184/187925923 [=======>......................] - ETA: 39s
 51585024/187925923 [=======>......................] - ETA: 39s
 51863552/187925923 [=======>......................] - ETA: 38s
 52051968/187925923 [=======>......................] - ETA: 38s
 52248576/187925923 [=======>......................] - ETA: 38s
 52371456/187925923 [=======>......................] - ETA: 38s
 52576256/187925923 [=======>......................] - ETA: 38s
 52854784/187925923 [=======>......................] - ETA: 38s
 53018624/187925923 [=======>......................] - ETA: 38s
 53403648/187925923 [=======>......................] - ETA: 38s
 53583872/187925923 [=======>......................] - ETA: 38s
 53772288/187925923 [=======>......................] - ETA: 38s
 54026240/187925923 [=======>......................] - ETA: 38s
 54304768/187925923 [=======>......................] - ETA: 38s
 54616064/187925923 [=======>......................] - ETA: 38s
 54812672/187925923 [=======>......................] - ETA: 38s
 55025664/187925923 [=======>......................] - ETA: 37s
 55173120/187925923 [=======>......................] - ETA: 37s
 55418880/187925923 [=======>......................] - ETA: 37s
 55697408/187925923 [=======>......................] - ETA: 37s
 55918592/187925923 [=======>......................] - ETA: 37s
 56049664/187925923 [=======>......................] - ETA: 37s
 56360960/187925923 [=======>......................] - ETA: 37s
 56582144/187925923 [========>.....................] - ETA: 37s
 56770560/187925923 [========>.....................] - ETA: 37s
 56942592/187925923 [========>.....................] - ETA: 37s
 57237504/187925923 [========>.....................] - ETA: 37s
 57344000/187925923 [========>.....................] - ETA: 37s
 57393152/187925923 [========>.....................] - ETA: 37s
 57819136/187925923 [========>.....................] - ETA: 36s
 57917440/187925923 [========>.....................] - ETA: 37s
 58187776/187925923 [========>.....................] - ETA: 36s
 58359808/187925923 [========>.....................] - ETA: 36s
 58818560/187925923 [========>.....................] - ETA: 36s
 58867712/187925923 [========>.....................] - ETA: 36s
 58982400/187925923 [========>.....................] - ETA: 36s
 59097088/187925923 [========>.....................] - ETA: 36s
 59105280/187925923 [========>.....................] - ETA: 36s
 59441152/187925923 [========>.....................] - ETA: 36s
 59604992/187925923 [========>.....................] - ETA: 36s
 59785216/187925923 [========>.....................] - ETA: 36s
 60022784/187925923 [========>.....................] - ETA: 36s
 60153856/187925923 [========>.....................] - ETA: 36s
 60448768/187925923 [========>.....................] - ETA: 36s
 60743680/187925923 [========>.....................] - ETA: 36s
 60899328/187925923 [========>.....................] - ETA: 36s
 61005824/187925923 [========>.....................] - ETA: 36s
 61267968/187925923 [========>.....................] - ETA: 36s
 61497344/187925923 [========>.....................] - ETA: 36s
 61677568/187925923 [========>.....................] - ETA: 36s
 61972480/187925923 [========>.....................] - ETA: 35s
 62095360/187925923 [========>.....................] - ETA: 35s
 62283776/187925923 [========>.....................] - ETA: 36s
 62529536/187925923 [========>.....................] - ETA: 35s
 62791680/187925923 [=========>....................] - ETA: 35s
 63004672/187925923 [=========>....................] - ETA: 35s
 63373312/187925923 [=========>....................] - ETA: 35s
 63782912/187925923 [=========>....................] - ETA: 35s
 64102400/187925923 [=========>....................] - ETA: 35s
 64397312/187925923 [=========>....................] - ETA: 34s
 64634880/187925923 [=========>....................] - ETA: 34s
 64897024/187925923 [=========>....................] - ETA: 34s
 65200128/187925923 [=========>....................] - ETA: 34s
 65347584/187925923 [=========>....................] - ETA: 34s
 65568768/187925923 [=========>....................] - ETA: 34s
 65716224/187925923 [=========>....................] - ETA: 34s
 65921024/187925923 [=========>....................] - ETA: 34s
 66093056/187925923 [=========>....................] - ETA: 34s
 66281472/187925923 [=========>....................] - ETA: 34s
 66453504/187925923 [=========>....................] - ETA: 34s
 66617344/187925923 [=========>....................] - ETA: 34s
 66797568/187925923 [=========>....................] - ETA: 34s
 66936832/187925923 [=========>....................] - ETA: 34s
 67092480/187925923 [=========>....................] - ETA: 34s
 67346432/187925923 [=========>....................] - ETA: 34s
 67641344/187925923 [=========>....................] - ETA: 33s
 67870720/187925923 [=========>....................] - ETA: 33s
 68182016/187925923 [=========>....................] - ETA: 33s
 68337664/187925923 [=========>....................] - ETA: 33s
 68542464/187925923 [=========>....................] - ETA: 33s
 68780032/187925923 [=========>....................] - ETA: 33s
 68984832/187925923 [==========>...................] - ETA: 33s
 69214208/187925923 [==========>...................] - ETA: 33s
 69296128/187925923 [==========>...................] - ETA: 33s
 69541888/187925923 [==========>...................] - ETA: 33s
 69763072/187925923 [==========>...................] - ETA: 33s
 70123520/187925923 [==========>...................] - ETA: 33s
 70295552/187925923 [==========>...................] - ETA: 33s
 70631424/187925923 [==========>...................] - ETA: 33s
 70868992/187925923 [==========>...................] - ETA: 33s
 71008256/187925923 [==========>...................] - ETA: 32s
 71196672/187925923 [==========>...................] - ETA: 32s
 71360512/187925923 [==========>...................] - ETA: 32s
 71524352/187925923 [==========>...................] - ETA: 32s
 71720960/187925923 [==========>...................] - ETA: 32s
 71884800/187925923 [==========>...................] - ETA: 32s
 71999488/187925923 [==========>...................] - ETA: 32s
 72179712/187925923 [==========>...................] - ETA: 32s
 72335360/187925923 [==========>...................] - ETA: 32s
 72507392/187925923 [==========>...................] - ETA: 32s
 72687616/187925923 [==========>...................] - ETA: 32s
 73015296/187925923 [==========>...................] - ETA: 32s
 73269248/187925923 [==========>...................] - ETA: 32s
 73408512/187925923 [==========>...................] - ETA: 32s
 73875456/187925923 [==========>...................] - ETA: 32s
 74088448/187925923 [==========>...................] - ETA: 32s
 74432512/187925923 [==========>...................] - ETA: 31s
 74743808/187925923 [==========>...................] - ETA: 31s
 75038720/187925923 [==========>...................] - ETA: 31s
 75431936/187925923 [===========>..................] - ETA: 31s
 75808768/187925923 [===========>..................] - ETA: 31s
 76136448/187925923 [===========>..................] - ETA: 31s
 76431360/187925923 [===========>..................] - ETA: 31s
 76611584/187925923 [===========>..................] - ETA: 31s
 76922880/187925923 [===========>..................] - ETA: 30s
 77217792/187925923 [===========>..................] - ETA: 30s
 77455360/187925923 [===========>..................] - ETA: 30s
 77684736/187925923 [===========>..................] - ETA: 30s
 77701120/187925923 [===========>..................] - ETA: 30s
 77987840/187925923 [===========>..................] - ETA: 30s
 78299136/187925923 [===========>..................] - ETA: 30s
 78520320/187925923 [===========>..................] - ETA: 30s
 78798848/187925923 [===========>..................] - ETA: 30s
 79020032/187925923 [===========>..................] - ETA: 30s
 79192064/187925923 [===========>..................] - ETA: 30s
 79314944/187925923 [===========>..................] - ETA: 30s
 79380480/187925923 [===========>..................] - ETA: 30s
 79437824/187925923 [===========>..................] - ETA: 30s
 79749120/187925923 [===========>..................] - ETA: 30s
 80117760/187925923 [===========>..................] - ETA: 30s
 80412672/187925923 [===========>..................] - ETA: 30s
 80707584/187925923 [===========>..................] - ETA: 30s
 80986112/187925923 [===========>..................] - ETA: 29s
 81223680/187925923 [===========>..................] - ETA: 29s
 81461248/187925923 [============>.................] - ETA: 29s
 81649664/187925923 [============>.................] - ETA: 29s
 81838080/187925923 [============>.................] - ETA: 29s
 81944576/187925923 [============>.................] - ETA: 29s
 82305024/187925923 [============>.................] - ETA: 29s
 82542592/187925923 [============>.................] - ETA: 29s
 82755584/187925923 [============>.................] - ETA: 29s
 82919424/187925923 [============>.................] - ETA: 29s
 83410944/187925923 [============>.................] - ETA: 29s
 83419136/187925923 [============>.................] - ETA: 29s
 83427328/187925923 [============>.................] - ETA: 29s
 83795968/187925923 [============>.................] - ETA: 29s
 84000768/187925923 [============>.................] - ETA: 29s
 84197376/187925923 [============>.................] - ETA: 29s
 84385792/187925923 [============>.................] - ETA: 29s
 84770816/187925923 [============>.................] - ETA: 29s
 84885504/187925923 [============>.................] - ETA: 29s
 85114880/187925923 [============>.................] - ETA: 28s
 85303296/187925923 [============>.................] - ETA: 28s
 85565440/187925923 [============>.................] - ETA: 29s
 85811200/187925923 [============>.................] - ETA: 29s
 86065152/187925923 [============>.................] - ETA: 29s
 86736896/187925923 [============>.................] - ETA: 28s
 87007232/187925923 [============>.................] - ETA: 28s
 87465984/187925923 [============>.................] - ETA: 28s
 87703552/187925923 [=============>................] - ETA: 28s
 87982080/187925923 [=============>................] - ETA: 28s
 88293376/187925923 [=============>................] - ETA: 28s
 88604672/187925923 [=============>................] - ETA: 27s
 88915968/187925923 [=============>................] - ETA: 27s
 89202688/187925923 [=============>................] - ETA: 27s
 89505792/187925923 [=============>................] - ETA: 27s
 89587712/187925923 [=============>................] - ETA: 27s
 89751552/187925923 [=============>................] - ETA: 27s
 89825280/187925923 [=============>................] - ETA: 27s
 89874432/187925923 [=============>................] - ETA: 27s
 90071040/187925923 [=============>................] - ETA: 27s
 90210304/187925923 [=============>................] - ETA: 27s
 90333184/187925923 [=============>................] - ETA: 27s
 90701824/187925923 [=============>................] - ETA: 27s
 90972160/187925923 [=============>................] - ETA: 27s
 91168768/187925923 [=============>................] - ETA: 27s
 91439104/187925923 [=============>................] - ETA: 27s
 91627520/187925923 [=============>................] - ETA: 27s
 91865088/187925923 [=============>................] - ETA: 27s
 92135424/187925923 [=============>................] - ETA: 26s
 92332032/187925923 [=============>................] - ETA: 26s
 92651520/187925923 [=============>................] - ETA: 26s
 92938240/187925923 [=============>................] - ETA: 26s
 93290496/187925923 [=============>................] - ETA: 26s
 93552640/187925923 [=============>................] - ETA: 26s
 93765632/187925923 [=============>................] - ETA: 26s
 94027776/187925923 [==============>...............] - ETA: 26s
 94420992/187925923 [==============>...............] - ETA: 26s
 94674944/187925923 [==============>...............] - ETA: 26s
 95043584/187925923 [==============>...............] - ETA: 26s
 95412224/187925923 [==============>...............] - ETA: 25s
 95690752/187925923 [==============>...............] - ETA: 25s
 96018432/187925923 [==============>...............] - ETA: 25s
 96280576/187925923 [==============>...............] - ETA: 25s
 96632832/187925923 [==============>...............] - ETA: 25s
 96985088/187925923 [==============>...............] - ETA: 25s
 97304576/187925923 [==============>...............] - ETA: 25s
 97640448/187925923 [==============>...............] - ETA: 25s
 97968128/187925923 [==============>...............] - ETA: 24s
 98312192/187925923 [==============>...............] - ETA: 24s
 98566144/187925923 [==============>...............] - ETA: 24s
 98942976/187925923 [==============>...............] - ETA: 24s
 99057664/187925923 [==============>...............] - ETA: 24s
 99254272/187925923 [==============>...............] - ETA: 24s
 99532800/187925923 [==============>...............] - ETA: 24s
 99639296/187925923 [==============>...............] - ETA: 24s
 99753984/187925923 [==============>...............] - ETA: 24s
 99819520/187925923 [==============>...............] - ETA: 24s
 99901440/187925923 [==============>...............] - ETA: 24s
100048896/187925923 [==============>...............] - ETA: 24s
100237312/187925923 [===============>..............] - ETA: 24s
100343808/187925923 [===============>..............] - ETA: 24s
100548608/187925923 [===============>..............] - ETA: 24s
100720640/187925923 [===============>..............] - ETA: 24s
100843520/187925923 [===============>..............] - ETA: 24s
101064704/187925923 [===============>..............] - ETA: 24s
101277696/187925923 [===============>..............] - ETA: 24s
101466112/187925923 [===============>..............] - ETA: 24s
101629952/187925923 [===============>..............] - ETA: 24s
101842944/187925923 [===============>..............] - ETA: 24s
101974016/187925923 [===============>..............] - ETA: 24s
102187008/187925923 [===============>..............] - ETA: 23s
102375424/187925923 [===============>..............] - ETA: 23s
102563840/187925923 [===============>..............] - ETA: 23s
102785024/187925923 [===============>..............] - ETA: 23s
102957056/187925923 [===============>..............] - ETA: 23s
103096320/187925923 [===============>..............] - ETA: 23s
103137280/187925923 [===============>..............] - ETA: 23s
103145472/187925923 [===============>..............] - ETA: 23s
103268352/187925923 [===============>..............] - ETA: 23s
103424000/187925923 [===============>..............] - ETA: 23s
103497728/187925923 [===============>..............] - ETA: 23s
103620608/187925923 [===============>..............] - ETA: 23s
103809024/187925923 [===============>..............] - ETA: 23s
104071168/187925923 [===============>..............] - ETA: 23s
104202240/187925923 [===============>..............] - ETA: 23s
104407040/187925923 [===============>..............] - ETA: 23s
104554496/187925923 [===============>..............] - ETA: 23s
104644608/187925923 [===============>..............] - ETA: 23s
104808448/187925923 [===============>..............] - ETA: 23s
105013248/187925923 [===============>..............] - ETA: 23s
105193472/187925923 [===============>..............] - ETA: 23s
105259008/187925923 [===============>..............] - ETA: 23s
105406464/187925923 [===============>..............] - ETA: 23s
105627648/187925923 [===============>..............] - ETA: 23s
105807872/187925923 [===============>..............] - ETA: 23s
105963520/187925923 [===============>..............] - ETA: 23s
106094592/187925923 [===============>..............] - ETA: 23s
106242048/187925923 [===============>..............] - ETA: 23s
106471424/187925923 [===============>..............] - ETA: 23s
106651648/187925923 [================>.............] - ETA: 23s
106856448/187925923 [================>.............] - ETA: 23s
107044864/187925923 [================>.............] - ETA: 23s
107175936/187925923 [================>.............] - ETA: 23s
107470848/187925923 [================>.............] - ETA: 23s
107487232/187925923 [================>.............] - ETA: 23s
107544576/187925923 [================>.............] - ETA: 23s
107626496/187925923 [================>.............] - ETA: 23s
107757568/187925923 [================>.............] - ETA: 23s
108142592/187925923 [================>.............] - ETA: 23s
108445696/187925923 [================>.............] - ETA: 23s
108535808/187925923 [================>.............] - ETA: 23s
108781568/187925923 [================>.............] - ETA: 23s
109125632/187925923 [================>.............] - ETA: 22s
109387776/187925923 [================>.............] - ETA: 22s
109764608/187925923 [================>.............] - ETA: 22s
109969408/187925923 [================>.............] - ETA: 22s
110182400/187925923 [================>.............] - ETA: 22s
110469120/187925923 [================>.............] - ETA: 22s
110772224/187925923 [================>.............] - ETA: 22s
111083520/187925923 [================>.............] - ETA: 22s
111321088/187925923 [================>.............] - ETA: 22s
111624192/187925923 [================>.............] - ETA: 22s
111919104/187925923 [================>.............] - ETA: 22s
112115712/187925923 [================>.............] - ETA: 22s
112402432/187925923 [================>.............] - ETA: 21s
112467968/187925923 [================>.............] - ETA: 21s
112869376/187925923 [=================>............] - ETA: 21s
113139712/187925923 [=================>............] - ETA: 21s
113295360/187925923 [=================>............] - ETA: 21s
113557504/187925923 [=================>............] - ETA: 21s
113786880/187925923 [=================>............] - ETA: 21s
114065408/187925923 [=================>............] - ETA: 21s
114212864/187925923 [=================>............] - ETA: 21s
114475008/187925923 [=================>............] - ETA: 21s
114696192/187925923 [=================>............] - ETA: 21s
114868224/187925923 [=================>............] - ETA: 21s
114974720/187925923 [=================>............] - ETA: 21s
115081216/187925923 [=================>............] - ETA: 21s
115187712/187925923 [=================>............] - ETA: 21s
115195904/187925923 [=================>............] - ETA: 21s
115490816/187925923 [=================>............] - ETA: 21s
115621888/187925923 [=================>............] - ETA: 21s
115736576/187925923 [=================>............] - ETA: 21s
115900416/187925923 [=================>............] - ETA: 21s
116039680/187925923 [=================>............] - ETA: 21s
116178944/187925923 [=================>............] - ETA: 21s
116391936/187925923 [=================>............] - ETA: 20s
116523008/187925923 [=================>............] - ETA: 20s
116670464/187925923 [=================>............] - ETA: 20s
116736000/187925923 [=================>............] - ETA: 20s
116957184/187925923 [=================>............] - ETA: 20s
117145600/187925923 [=================>............] - ETA: 20s
117366784/187925923 [=================>............] - ETA: 20s
117579776/187925923 [=================>............] - ETA: 20s
117833728/187925923 [=================>............] - ETA: 20s
118071296/187925923 [=================>............] - ETA: 20s
118349824/187925923 [=================>............] - ETA: 20s
118661120/187925923 [=================>............] - ETA: 20s
119021568/187925923 [==================>...........] - ETA: 20s
119234560/187925923 [==================>...........] - ETA: 20s
119619584/187925923 [==================>...........] - ETA: 19s
119857152/187925923 [==================>...........] - ETA: 19s
120143872/187925923 [==================>...........] - ETA: 19s
120471552/187925923 [==================>...........] - ETA: 19s
120766464/187925923 [==================>...........] - ETA: 19s
121102336/187925923 [==================>...........] - ETA: 19s
121397248/187925923 [==================>...........] - ETA: 19s
121716736/187925923 [==================>...........] - ETA: 19s
122052608/187925923 [==================>...........] - ETA: 19s
122380288/187925923 [==================>...........] - ETA: 18s
122560512/187925923 [==================>...........] - ETA: 18s
123002880/187925923 [==================>...........] - ETA: 18s
123248640/187925923 [==================>...........] - ETA: 18s
123592704/187925923 [==================>...........] - ETA: 18s
123928576/187925923 [==================>...........] - ETA: 18s
124207104/187925923 [==================>...........] - ETA: 18s
124510208/187925923 [==================>...........] - ETA: 18s
124903424/187925923 [==================>...........] - ETA: 18s
125075456/187925923 [==================>...........] - ETA: 18s
125321216/187925923 [===================>..........] - ETA: 17s
125583360/187925923 [===================>..........] - ETA: 17s
125902848/187925923 [===================>..........] - ETA: 17s
126222336/187925923 [===================>..........] - ETA: 17s
126590976/187925923 [===================>..........] - ETA: 17s
126779392/187925923 [===================>..........] - ETA: 17s
126976000/187925923 [===================>..........] - ETA: 17s
127180800/187925923 [===================>..........] - ETA: 17s
127418368/187925923 [===================>..........] - ETA: 17s
127688704/187925923 [===================>..........] - ETA: 17s
127942656/187925923 [===================>..........] - ETA: 17s
128065536/187925923 [===================>..........] - ETA: 17s
128393216/187925923 [===================>..........] - ETA: 16s
128630784/187925923 [===================>..........] - ETA: 16s
128843776/187925923 [===================>..........] - ETA: 16s
129056768/187925923 [===================>..........] - ETA: 16s
129138688/187925923 [===================>..........] - ETA: 16s
129384448/187925923 [===================>..........] - ETA: 16s
129613824/187925923 [===================>..........] - ETA: 16s
129785856/187925923 [===================>..........] - ETA: 16s
130260992/187925923 [===================>..........] - ETA: 16s
130482176/187925923 [===================>..........] - ETA: 16s
130703360/187925923 [===================>..........] - ETA: 16s
130867200/187925923 [===================>..........] - ETA: 16s
131072000/187925923 [===================>..........] - ETA: 16s
131334144/187925923 [===================>..........] - ETA: 16s
131571712/187925923 [====================>.........] - ETA: 16s
131768320/187925923 [====================>.........] - ETA: 16s
131817472/187925923 [====================>.........] - ETA: 16s
131915776/187925923 [====================>.........] - ETA: 16s
132161536/187925923 [====================>.........] - ETA: 15s
132333568/187925923 [====================>.........] - ETA: 15s
132571136/187925923 [====================>.........] - ETA: 15s
132792320/187925923 [====================>.........] - ETA: 15s
133070848/187925923 [====================>.........] - ETA: 15s
133300224/187925923 [====================>.........] - ETA: 15s
133562368/187925923 [====================>.........] - ETA: 15s
133898240/187925923 [====================>.........] - ETA: 15s
134144000/187925923 [====================>.........] - ETA: 15s
134381568/187925923 [====================>.........] - ETA: 15s
134709248/187925923 [====================>.........] - ETA: 15s
135020544/187925923 [====================>.........] - ETA: 15s
135315456/187925923 [====================>.........] - ETA: 14s
135651328/187925923 [====================>.........] - ETA: 14s
135880704/187925923 [====================>.........] - ETA: 14s
136224768/187925923 [====================>.........] - ETA: 14s
136421376/187925923 [====================>.........] - ETA: 14s
136650752/187925923 [====================>.........] - ETA: 14s
136970240/187925923 [====================>.........] - ETA: 14s
137109504/187925923 [====================>.........] - ETA: 14s
137355264/187925923 [====================>.........] - ETA: 14s
137609216/187925923 [====================>.........] - ETA: 14s
137666560/187925923 [====================>.........] - ETA: 14s
137781248/187925923 [====================>.........] - ETA: 14s
137895936/187925923 [=====================>........] - ETA: 14s
138092544/187925923 [=====================>........] - ETA: 14s
138346496/187925923 [=====================>........] - ETA: 14s
138649600/187925923 [=====================>........] - ETA: 14s
138895360/187925923 [=====================>........] - ETA: 13s
139157504/187925923 [=====================>........] - ETA: 13s
139501568/187925923 [=====================>........] - ETA: 13s
139739136/187925923 [=====================>........] - ETA: 13s
140091392/187925923 [=====================>........] - ETA: 13s
140361728/187925923 [=====================>........] - ETA: 13s
140632064/187925923 [=====================>........] - ETA: 13s
140935168/187925923 [=====================>........] - ETA: 13s
141164544/187925923 [=====================>........] - ETA: 13s
141508608/187925923 [=====================>........] - ETA: 13s
141852672/187925923 [=====================>........] - ETA: 13s
141991936/187925923 [=====================>........] - ETA: 13s
142065664/187925923 [=====================>........] - ETA: 13s
142229504/187925923 [=====================>........] - ETA: 13s
142491648/187925923 [=====================>........] - ETA: 12s
142647296/187925923 [=====================>........] - ETA: 12s
142770176/187925923 [=====================>........] - ETA: 12s
142983168/187925923 [=====================>........] - ETA: 12s
143179776/187925923 [=====================>........] - ETA: 12s
143507456/187925923 [=====================>........] - ETA: 12s
143736832/187925923 [=====================>........] - ETA: 12s
144080896/187925923 [======================>.......] - ETA: 12s
144269312/187925923 [======================>.......] - ETA: 12s
144564224/187925923 [======================>.......] - ETA: 12s
144744448/187925923 [======================>.......] - ETA: 12s
144982016/187925923 [======================>.......] - ETA: 12s
145235968/187925923 [======================>.......] - ETA: 12s
145612800/187925923 [======================>.......] - ETA: 11s
145702912/187925923 [======================>.......] - ETA: 11s
145891328/187925923 [======================>.......] - ETA: 11s
146104320/187925923 [======================>.......] - ETA: 11s
146112512/187925923 [======================>.......] - ETA: 11s
146235392/187925923 [======================>.......] - ETA: 11s
146546688/187925923 [======================>.......] - ETA: 11s
146743296/187925923 [======================>.......] - ETA: 11s
146972672/187925923 [======================>.......] - ETA: 11s
147234816/187925923 [======================>.......] - ETA: 11s
147472384/187925923 [======================>.......] - ETA: 11s
147775488/187925923 [======================>.......] - ETA: 11s
147963904/187925923 [======================>.......] - ETA: 11s
148201472/187925923 [======================>.......] - ETA: 11s
148422656/187925923 [======================>.......] - ETA: 11s
148594688/187925923 [======================>.......] - ETA: 11s
148758528/187925923 [======================>.......] - ETA: 11s
148987904/187925923 [======================>.......] - ETA: 11s
149069824/187925923 [======================>.......] - ETA: 11s
149225472/187925923 [======================>.......] - ETA: 11s
149512192/187925923 [======================>.......] - ETA: 10s
149749760/187925923 [======================>.......] - ETA: 10s
149790720/187925923 [======================>.......] - ETA: 10s
150044672/187925923 [======================>.......] - ETA: 10s
150290432/187925923 [======================>.......] - ETA: 10s
150364160/187925923 [=======================>......] - ETA: 10s
150601728/187925923 [=======================>......] - ETA: 10s
150683648/187925923 [=======================>......] - ETA: 10s
150822912/187925923 [=======================>......] - ETA: 10s
151248896/187925923 [=======================>......] - ETA: 10s
151527424/187925923 [=======================>......] - ETA: 10s
151797760/187925923 [=======================>......] - ETA: 10s
152109056/187925923 [=======================>......] - ETA: 10s
152535040/187925923 [=======================>......] - ETA: 10s
152649728/187925923 [=======================>......] - ETA: 10s
152911872/187925923 [=======================>......] - ETA: 10s
153288704/187925923 [=======================>......] - ETA: 9s
153468928/187925923 [=======================>......] - ETA: 9s
153763840/187925923 [=======================>......] - ETA: 9s
154025984/187925923 [=======================>......] - ETA: 9s
154247168/187925923 [=======================>......] - ETA: 9s
154583040/187925923 [=======================>......] - ETA: 9s
154812416/187925923 [=======================>......] - ETA: 9s
155131904/187925923 [=======================>......] - ETA: 9s
155385856/187925923 [=======================>......] - ETA: 9s
155533312/187925923 [=======================>......] - ETA: 9s
155705344/187925923 [=======================>......] - ETA: 9s
155885568/187925923 [=======================>......] - ETA: 9s
156049408/187925923 [=======================>......] - ETA: 9s
156254208/187925923 [=======================>......] - ETA: 9s
156532736/187925923 [=======================>......] - ETA: 8s
156786688/187925923 [========================>.....] - ETA: 8s
157073408/187925923 [========================>.....] - ETA: 8s
157450240/187925923 [========================>.....] - ETA: 8s
157655040/187925923 [========================>.....] - ETA: 8s
157958144/187925923 [========================>.....] - ETA: 8s
158089216/187925923 [========================>.....] - ETA: 8s
158384128/187925923 [========================>.....] - ETA: 8s
158662656/187925923 [========================>.....] - ETA: 8s
158851072/187925923 [========================>.....] - ETA: 8s
159350784/187925923 [========================>.....] - ETA: 8s
159588352/187925923 [========================>.....] - ETA: 8s
159956992/187925923 [========================>.....] - ETA: 7s
160342016/187925923 [========================>.....] - ETA: 7s
160669696/187925923 [========================>.....] - ETA: 7s
160980992/187925923 [========================>.....] - ETA: 7s
161292288/187925923 [========================>.....] - ETA: 7s
161611776/187925923 [========================>.....] - ETA: 7s
161898496/187925923 [========================>.....] - ETA: 7s
162308096/187925923 [========================>.....] - ETA: 7s
162603008/187925923 [========================>.....] - ETA: 7s
162963456/187925923 [=========================>....] - ETA: 7s
163323904/187925923 [=========================>....] - ETA: 6s
163512320/187925923 [=========================>....] - ETA: 6s
163897344/187925923 [=========================>....] - ETA: 6s
164323328/187925923 [=========================>....] - ETA: 6s
164487168/187925923 [=========================>....] - ETA: 6s
164552704/187925923 [=========================>....] - ETA: 6s
164806656/187925923 [=========================>....] - ETA: 6s
165052416/187925923 [=========================>....] - ETA: 6s
165289984/187925923 [=========================>....] - ETA: 6s
165511168/187925923 [=========================>....] - ETA: 6s
165732352/187925923 [=========================>....] - ETA: 6s
165838848/187925923 [=========================>....] - ETA: 6s
166150144/187925923 [=========================>....] - ETA: 6s
166338560/187925923 [=========================>....] - ETA: 6s
166518784/187925923 [=========================>....] - ETA: 6s
166838272/187925923 [=========================>....] - ETA: 5s
167141376/187925923 [=========================>....] - ETA: 5s
167518208/187925923 [=========================>....] - ETA: 5s
167723008/187925923 [=========================>....] - ETA: 5s
168026112/187925923 [=========================>....] - ETA: 5s
168140800/187925923 [=========================>....] - ETA: 5s
168419328/187925923 [=========================>....] - ETA: 5s
168583168/187925923 [=========================>....] - ETA: 5s
168910848/187925923 [=========================>....] - ETA: 5s
169172992/187925923 [==========================>...] - ETA: 5s
169263104/187925923 [==========================>...] - ETA: 5s
169689088/187925923 [==========================>...] - ETA: 5s
169910272/187925923 [==========================>...] - ETA: 5s
170090496/187925923 [==========================>...] - ETA: 5s
170262528/187925923 [==========================>...] - ETA: 4s
170590208/187925923 [==========================>...] - ETA: 4s
170835968/187925923 [==========================>...] - ETA: 4s
171220992/187925923 [==========================>...] - ETA: 4s
171229184/187925923 [==========================>...] - ETA: 4s
171360256/187925923 [==========================>...] - ETA: 4s
171466752/187925923 [==========================>...] - ETA: 4s
171540480/187925923 [==========================>...] - ETA: 4s
171646976/187925923 [==========================>...] - ETA: 4s
172032000/187925923 [==========================>...] - ETA: 4s
172253184/187925923 [==========================>...] - ETA: 4s
172441600/187925923 [==========================>...] - ETA: 4s
172662784/187925923 [==========================>...] - ETA: 4s
172752896/187925923 [==========================>...] - ETA: 4s
172990464/187925923 [==========================>...] - ETA: 4s
173268992/187925923 [==========================>...] - ETA: 4s
173383680/187925923 [==========================>...] - ETA: 4s
173637632/187925923 [==========================>...] - ETA: 4s
173899776/187925923 [==========================>...] - ETA: 3s
173998080/187925923 [==========================>...] - ETA: 3s
174120960/187925923 [==========================>...] - ETA: 3s
174391296/187925923 [==========================>...] - ETA: 3s
174587904/187925923 [==========================>...] - ETA: 3s
174841856/187925923 [==========================>...] - ETA: 3s
175071232/187925923 [==========================>...] - ETA: 3s
175325184/187925923 [==========================>...] - ETA: 3s
175538176/187925923 [===========================>..] - ETA: 3s
175775744/187925923 [===========================>..] - ETA: 3s
176037888/187925923 [===========================>..] - ETA: 3s
176291840/187925923 [===========================>..] - ETA: 3s
176513024/187925923 [===========================>..] - ETA: 3s
176807936/187925923 [===========================>..] - ETA: 3s
177152000/187925923 [===========================>..] - ETA: 3s
177389568/187925923 [===========================>..] - ETA: 2s
177586176/187925923 [===========================>..] - ETA: 2s
178069504/187925923 [===========================>..] - ETA: 2s
178176000/187925923 [===========================>..] - ETA: 2s
178438144/187925923 [===========================>..] - ETA: 2s
178700288/187925923 [===========================>..] - ETA: 2s
178978816/187925923 [===========================>..] - ETA: 2s
179281920/187925923 [===========================>..] - ETA: 2s
179470336/187925923 [===========================>..] - ETA: 2s
179740672/187925923 [===========================>..] - ETA: 2s
179961856/187925923 [===========================>..] - ETA: 2s
180305920/187925923 [===========================>..] - ETA: 2s
180633600/187925923 [===========================>..] - ETA: 2s
180985856/187925923 [===========================>..] - ETA: 1s
181239808/187925923 [===========================>..] - ETA: 1s
181444608/187925923 [===========================>..] - ETA: 1s
181575680/187925923 [===========================>..] - ETA: 1s
181895168/187925923 [============================>.] - ETA: 1s
182198272/187925923 [============================>.] - ETA: 1s
182403072/187925923 [============================>.] - ETA: 1s
182779904/187925923 [============================>.] - ETA: 1s
182910976/187925923 [============================>.] - ETA: 1s
183230464/187925923 [============================>.] - ETA: 1s
183492608/187925923 [============================>.] - ETA: 1s
183853056/187925923 [============================>.] - ETA: 1s
184205312/187925923 [============================>.] - ETA: 1s
184467456/187925923 [============================>.] - ETA: 0s
184745984/187925923 [============================>.] - ETA: 0s
185065472/187925923 [============================>.] - ETA: 0s
185344000/187925923 [============================>.] - ETA: 0s
185769984/187925923 [============================>.] - ETA: 0s
186040320/187925923 [============================>.] - ETA: 0s
186327040/187925923 [============================>.] - ETA: 0s
186646528/187925923 [============================>.] - ETA: 0s
187088896/187925923 [============================>.] - ETA: 0s
187203584/187925923 [============================>.] - ETA: 0s
187465728/187925923 [============================>.] - ETA: 0s
187867136/187925923 [============================>.] - ETA: 0s
187932672/187925923 [==============================] - 52s 0us/step

Download the labels

The coode snippet shown below is used to download the labels file (.pbtxt) which contains a list of strings used to add the correct label to each detection (e.g. person). Since the pre-trained model we will use has been trained on the COCO dataset, we will need to download the labels file corresponding to this dataset, named mscoco_label_map.pbtxt. A full list of the labels files included in the TensorFlow Models Garden can be found here.

# Download labels file
def download_labels(filename):
    base_url = 'https://raw.githubusercontent.com/tensorflow/models/master/research/object_detection/data/'
    label_dir = tf.keras.utils.get_file(fname=filename,
                                        origin=base_url + filename,
                                        untar=False)
    label_dir = pathlib.Path(label_dir)
    return str(label_dir)

LABEL_FILENAME = 'mscoco_label_map.pbtxt'
PATH_TO_LABELS = download_labels(LABEL_FILENAME)

Out:

Downloading data from https://raw.githubusercontent.com/tensorflow/models/master/research/object_detection/data/mscoco_label_map.pbtxt

8192/5056 [================================================] - 0s 0us/step

Load the model

Next we load the downloaded model

import time
from object_detection.utils import label_map_util
from object_detection.utils import visualization_utils as viz_utils

PATH_TO_SAVED_MODEL = PATH_TO_MODEL_DIR + "/saved_model"

print('Loading model...', end='')
start_time = time.time()

# Load saved model and build the detection function
model = tf.saved_model.load(PATH_TO_SAVED_MODEL)
detect_fn = model.signatures['serving_default']

end_time = time.time()
elapsed_time = end_time - start_time
print('Done! Took {} seconds'.format(elapsed_time))

Out:

Loading model...Done! Took 17.68789768218994 seconds

Load label map data (for plotting)

Label maps correspond index numbers to category names, so that when our convolution network predicts 5, we know that this corresponds to airplane. Here we use internal utility functions, but anything that returns a dictionary mapping integers to appropriate string labels would be fine.

category_index = label_map_util.create_category_index_from_labelmap(PATH_TO_LABELS,
                                                                    use_display_name=True)

Putting everything together

The code shown below loads an image, runs it through the detection model and visualizes the detection results, including the keypoints.

Note that this will take a long time (several minutes) the first time you run this code due to tf.function’s trace-compilation — on subsequent runs (e.g. on new images), things will be faster.

Here are some simple things to try out if you are curious:

  • Modify some of the input images and see if detection still works. Some simple things to try out here (just uncomment the relevant portions of code) include flipping the image horizontally, or converting to grayscale (note that we still expect the input image to have 3 channels).

  • Print out detections[‘detection_boxes’] and try to match the box locations to the boxes in the image. Notice that coordinates are given in normalized form (i.e., in the interval [0, 1]).

  • Set min_score_thresh to other values (between 0 and 1) to allow more detections in or to filter out more detections.

import numpy as np
from PIL import Image
import matplotlib.pyplot as plt
import warnings
warnings.filterwarnings('ignore')   # Suppress Matplotlib warnings

def load_image_into_numpy_array(path):
    """Load an image from file into a numpy array.

    Puts image into numpy array to feed into tensorflow graph.
    Note that by convention we put it into a numpy array with shape
    (height, width, channels), where channels=3 for RGB.

    Args:
      path: the file path to the image

    Returns:
      uint8 numpy array with shape (img_height, img_width, 3)
    """
    return np.array(Image.open(path))


for image_path in IMAGE_PATHS:

    print('Running inference for {}... '.format(image_path), end='')

    image_np = load_image_into_numpy_array(image_path)

    # Things to try:
    # Flip horizontally
    # image_np = np.fliplr(image_np).copy()

    # Convert image to grayscale
    # image_np = np.tile(
    #     np.mean(image_np, 2, keepdims=True), (1, 1, 3)).astype(np.uint8)

    # The input needs to be a tensor, convert it using `tf.convert_to_tensor`.
    input_tensor = tf.convert_to_tensor(image_np)
    # The model expects a batch of images, so add an axis with `tf.newaxis`.
    input_tensor = input_tensor[tf.newaxis, ...]

    detections = detect_fn(input_tensor)

    # All outputs are batches tensors.
    # Convert to numpy arrays, and take index [0] to remove the batch dimension.
    # We're only interested in the first num_detections.
    num_detections = int(detections.pop('num_detections'))
    detections = {key: value[0, :num_detections].numpy()
                  for key, value in detections.items()}
    detections['num_detections'] = num_detections

    # detection_classes should be ints.
    detections['detection_classes'] = detections['detection_classes'].astype(np.int64)

    image_np_with_detections = image_np.copy()

    viz_utils.visualize_boxes_and_labels_on_image_array(
          image_np_with_detections,
          detections['detection_boxes'],
          detections['detection_classes'],
          detections['detection_scores'],
          category_index,
          use_normalized_coordinates=True,
          max_boxes_to_draw=200,
          min_score_thresh=.30,
          agnostic_mode=False)

    plt.figure()
    plt.imshow(image_np_with_detections)
    print('Done')
plt.show()

# sphinx_gallery_thumbnail_number = 2
  • plot object detection saved model tf1
  • plot object detection saved model tf1

Out:

Running inference for C:\Users\sglvladi\.keras\datasets\image1.jpg... Done
Running inference for C:\Users\sglvladi\.keras\datasets\image2.jpg... Done

Total running time of the script: ( 1 minutes 29.283 seconds)

Gallery generated by Sphinx-Gallery

Object Detection From TF2 Saved Model

This demo will take you through the steps of running an “out-of-the-box” TensorFlow 2 compatible detection model on a collection of images. More specifically, in this example we will be using the Saved Model Format to load the model.

Download the test images

First we will download the images that we will use throughout this tutorial. The code snippet shown bellow will download the test images from the TensorFlow Model Garden and save them inside the data/images folder.

import os
os.environ['TF_CPP_MIN_LOG_LEVEL'] = '2'    # Suppress TensorFlow logging (1)
import pathlib
import tensorflow as tf

tf.get_logger().setLevel('ERROR')           # Suppress TensorFlow logging (2)

# Enable GPU dynamic memory allocation
gpus = tf.config.experimental.list_physical_devices('GPU')
for gpu in gpus:
    tf.config.experimental.set_memory_growth(gpu, True)

def download_images():
    base_url = 'https://raw.githubusercontent.com/tensorflow/models/master/research/object_detection/test_images/'
    filenames = ['image1.jpg', 'image2.jpg']
    image_paths = []
    for filename in filenames:
        image_path = tf.keras.utils.get_file(fname=filename,
                                            origin=base_url + filename,
                                            untar=False)
        image_path = pathlib.Path(image_path)
        image_paths.append(str(image_path))
    return image_paths

IMAGE_PATHS = download_images()

Download the model

The code snippet shown below is used to download the pre-trained object detection model we shall use to perform inference. The particular detection algorithm we will use is the CenterNet HourGlass104 1024x1024. More models can be found in the TensorFlow 2 Detection Model Zoo. To use a different model you will need the URL name of the specific model. This can be done as follows:

  1. Right click on the Model name of the model you would like to use;

  2. Click on Copy link address to copy the download link of the model;

  3. Paste the link in a text editor of your choice. You should observe a link similar to download.tensorflow.org/models/object_detection/tf2/YYYYYYYY/XXXXXXXXX.tar.gz;

  4. Copy the XXXXXXXXX part of the link and use it to replace the value of the MODEL_NAME variable in the code shown below;

  5. Copy the YYYYYYYY part of the link and use it to replace the value of the MODEL_DATE variable in the code shown below.

For example, the download link for the model used below is: download.tensorflow.org/models/object_detection/tf2/20200711/centernet_hg104_1024x1024_coco17_tpu-32.tar.gz

# Download and extract model
def download_model(model_name, model_date):
    base_url = 'http://download.tensorflow.org/models/object_detection/tf2/'
    model_file = model_name + '.tar.gz'
    model_dir = tf.keras.utils.get_file(fname=model_name,
                                        origin=base_url + model_date + '/' + model_file,
                                        untar=True)
    return str(model_dir)

MODEL_DATE = '20200711'
MODEL_NAME = 'centernet_hg104_1024x1024_coco17_tpu-32'
PATH_TO_MODEL_DIR = download_model(MODEL_NAME, MODEL_DATE)

Out:

Downloading data from http://download.tensorflow.org/models/object_detection/tf2/20200711/centernet_hg104_1024x1024_coco17_tpu-32.tar.gz

      8192/1426460092 [..............................] - ETA: 0s
     24576/1426460092 [..............................] - ETA: 49:17
     49152/1426460092 [..............................] - ETA: 1:16:38
     81920/1426460092 [..............................] - ETA: 1:23:05
    172032/1426460092 [..............................] - ETA: 47:09
    335872/1426460092 [..............................] - ETA: 39:44
    524288/1426460092 [..............................] - ETA: 35:15
    540672/1426460092 [..............................] - ETA: 38:46
    868352/1426460092 [..............................] - ETA: 25:31
   1040384/1426460092 [..............................] - ETA: 22:30
   1228800/1426460092 [..............................] - ETA: 20:02
   1236992/1426460092 [..............................] - ETA: 21:28
   1409024/1426460092 [..............................] - ETA: 19:46
   1556480/1426460092 [..............................] - ETA: 18:42
   1728512/1426460092 [..............................] - ETA: 17:32
   1925120/1426460092 [..............................] - ETA: 16:23
   2105344/1426460092 [..............................] - ETA: 15:34
   2301952/1426460092 [..............................] - ETA: 14:48
   2433024/1426460092 [..............................] - ETA: 14:30
   2547712/1426460092 [..............................] - ETA: 14:19
   2711552/1426460092 [..............................] - ETA: 13:56
   2924544/1426460092 [..............................] - ETA: 13:20
   2981888/1426460092 [..............................] - ETA: 13:30
   3104768/1426460092 [..............................] - ETA: 13:34
   3162112/1426460092 [..............................] - ETA: 13:43
   3457024/1426460092 [..............................] - ETA: 12:54
   3620864/1426460092 [..............................] - ETA: 12:40
   3801088/1426460092 [..............................] - ETA: 12:24
   3923968/1426460092 [..............................] - ETA: 12:34
   4194304/1426460092 [..............................] - ETA: 12:04
   4390912/1426460092 [..............................] - ETA: 11:50
   4587520/1426460092 [..............................] - ETA: 11:35
   4833280/1426460092 [..............................] - ETA: 11:15
   4931584/1426460092 [..............................] - ETA: 11:16
   5079040/1426460092 [..............................] - ETA: 11:11
   5349376/1426460092 [..............................] - ETA: 10:51
   5595136/1426460092 [..............................] - ETA: 10:35
   5849088/1426460092 [..............................] - ETA: 10:20
   6127616/1426460092 [..............................] - ETA: 10:04
   6488064/1426460092 [..............................] - ETA: 9:41
   6758400/1426460092 [..............................] - ETA: 9:29
   7159808/1426460092 [..............................] - ETA: 9:07
   7471104/1426460092 [..............................] - ETA: 8:54
   7708672/1426460092 [..............................] - ETA: 8:57
   8101888/1426460092 [..............................] - ETA: 8:40
   8355840/1426460092 [..............................] - ETA: 8:33
   8683520/1426460092 [..............................] - ETA: 8:22
   8937472/1426460092 [..............................] - ETA: 8:17
   9125888/1426460092 [..............................] - ETA: 8:15
   9396224/1426460092 [..............................] - ETA: 8:09
   9830400/1426460092 [..............................] - ETA: 7:54
  10125312/1426460092 [..............................] - ETA: 7:47
  10174464/1426460092 [..............................] - ETA: 8:07
  10567680/1426460092 [..............................] - ETA: 7:56
  10797056/1426460092 [..............................] - ETA: 7:53
  11091968/1426460092 [..............................] - ETA: 7:47
  11395072/1426460092 [..............................] - ETA: 7:42
  11714560/1426460092 [..............................] - ETA: 7:36
  11960320/1426460092 [..............................] - ETA: 7:32
  12214272/1426460092 [..............................] - ETA: 7:29
  12500992/1426460092 [..............................] - ETA: 7:24
  12861440/1426460092 [..............................] - ETA: 7:18
  13099008/1426460092 [..............................] - ETA: 7:16
  13377536/1426460092 [..............................] - ETA: 7:12
  13623296/1426460092 [..............................] - ETA: 7:09
  14057472/1426460092 [..............................] - ETA: 7:01
  14229504/1426460092 [..............................] - ETA: 7:01
  14581760/1426460092 [..............................] - ETA: 7:03
  14942208/1426460092 [..............................] - ETA: 6:59
  15302656/1426460092 [..............................] - ETA: 6:54
  15638528/1426460092 [..............................] - ETA: 6:49
  15917056/1426460092 [..............................] - ETA: 6:47
  16171008/1426460092 [..............................] - ETA: 6:45
  16556032/1426460092 [..............................] - ETA: 6:58
  17039360/1426460092 [..............................] - ETA: 6:50
  17301504/1426460092 [..............................] - ETA: 6:48
  17506304/1426460092 [..............................] - ETA: 6:48
  17858560/1426460092 [..............................] - ETA: 6:45
  18178048/1426460092 [..............................] - ETA: 6:42
  18456576/1426460092 [..............................] - ETA: 6:41
  18759680/1426460092 [..............................] - ETA: 6:38
  19021824/1426460092 [..............................] - ETA: 6:37
  19292160/1426460092 [..............................] - ETA: 6:35
  19595264/1426460092 [..............................] - ETA: 6:33
  19816448/1426460092 [..............................] - ETA: 6:32
  20209664/1426460092 [..............................] - ETA: 6:28
  20275200/1426460092 [..............................] - ETA: 6:37
  20594688/1426460092 [..............................] - ETA: 6:34
  20996096/1426460092 [..............................] - ETA: 6:30
  21356544/1426460092 [..............................] - ETA: 6:27
  21749760/1426460092 [..............................] - ETA: 6:25
  22102016/1426460092 [..............................] - ETA: 6:22
  22454272/1426460092 [..............................] - ETA: 6:19
  22806528/1426460092 [..............................] - ETA: 6:17
  23060480/1426460092 [..............................] - ETA: 6:16
  23437312/1426460092 [..............................] - ETA: 6:13
  23756800/1426460092 [..............................] - ETA: 6:11
  24109056/1426460092 [..............................] - ETA: 6:08
  24584192/1426460092 [..............................] - ETA: 6:04
  24895488/1426460092 [..............................] - ETA: 6:02
  25329664/1426460092 [..............................] - ETA: 5:59
  25722880/1426460092 [..............................] - ETA: 5:56
  26017792/1426460092 [..............................] - ETA: 5:55
  26361856/1426460092 [..............................] - ETA: 5:53
  26501120/1426460092 [..............................] - ETA: 5:54
  26624000/1426460092 [..............................] - ETA: 5:58
  26689536/1426460092 [..............................] - ETA: 6:00
  26828800/1426460092 [..............................] - ETA: 6:01
  27082752/1426460092 [..............................] - ETA: 6:01
  27394048/1426460092 [..............................] - ETA: 5:59
  27574272/1426460092 [..............................] - ETA: 6:00
  27688960/1426460092 [..............................] - ETA: 6:08
  28106752/1426460092 [..............................] - ETA: 6:05
  28352512/1426460092 [..............................] - ETA: 6:04
  28614656/1426460092 [..............................] - ETA: 6:04
  28835840/1426460092 [..............................] - ETA: 6:04
  29171712/1426460092 [..............................] - ETA: 6:07
  29540352/1426460092 [..............................] - ETA: 6:05
  29859840/1426460092 [..............................] - ETA: 6:03
  30056448/1426460092 [..............................] - ETA: 6:04
  30285824/1426460092 [..............................] - ETA: 6:03
  30547968/1426460092 [..............................] - ETA: 6:03
  30793728/1426460092 [..............................] - ETA: 6:02
  30941184/1426460092 [..............................] - ETA: 6:03
  31014912/1426460092 [..............................] - ETA: 6:11
  31113216/1426460092 [..............................] - ETA: 6:14
  31334400/1426460092 [..............................] - ETA: 6:13
  31604736/1426460092 [..............................] - ETA: 6:12
  32325632/1426460092 [..............................] - ETA: 6:06
  32587776/1426460092 [..............................] - ETA: 6:05
  32931840/1426460092 [..............................] - ETA: 6:04
  33251328/1426460092 [..............................] - ETA: 6:02
  33611776/1426460092 [..............................] - ETA: 6:01
  33742848/1426460092 [..............................] - ETA: 6:02
  34037760/1426460092 [..............................] - ETA: 6:00
  34086912/1426460092 [..............................] - ETA: 6:04
  34340864/1426460092 [..............................] - ETA: 6:04
  34594816/1426460092 [..............................] - ETA: 6:03
  34775040/1426460092 [..............................] - ETA: 6:03
  35037184/1426460092 [..............................] - ETA: 6:03
  35250176/1426460092 [..............................] - ETA: 6:03
  35397632/1426460092 [..............................] - ETA: 6:04
  35430400/1426460092 [..............................] - ETA: 6:07
  35602432/1426460092 [..............................] - ETA: 6:07
  35782656/1426460092 [..............................] - ETA: 6:07
  35938304/1426460092 [..............................] - ETA: 6:07
  36208640/1426460092 [..............................] - ETA: 6:07
  36429824/1426460092 [..............................] - ETA: 6:07
  36585472/1426460092 [..............................] - ETA: 6:08
  36937728/1426460092 [..............................] - ETA: 6:06
  37191680/1426460092 [..............................] - ETA: 6:09
  37412864/1426460092 [..............................] - ETA: 6:09
  37560320/1426460092 [..............................] - ETA: 6:10
  37814272/1426460092 [..............................] - ETA: 6:10
  38051840/1426460092 [..............................] - ETA: 6:09
  38223872/1426460092 [..............................] - ETA: 6:14
  38535168/1426460092 [..............................] - ETA: 6:13
  38699008/1426460092 [..............................] - ETA: 6:13
  38772736/1426460092 [..............................] - ETA: 6:18
  38936576/1426460092 [..............................] - ETA: 6:18
  39075840/1426460092 [..............................] - ETA: 6:21
  39239680/1426460092 [..............................] - ETA: 6:21
  39370752/1426460092 [..............................] - ETA: 6:22
  39747584/1426460092 [..............................] - ETA: 6:20
  40124416/1426460092 [..............................] - ETA: 6:19
  40337408/1426460092 [..............................] - ETA: 6:18
  40607744/1426460092 [..............................] - ETA: 6:19
  40861696/1426460092 [..............................] - ETA: 6:19
  41172992/1426460092 [..............................] - ETA: 6:18
  41345024/1426460092 [..............................] - ETA: 6:18
  41631744/1426460092 [..............................] - ETA: 6:17
  41910272/1426460092 [..............................] - ETA: 6:16
  41951232/1426460092 [..............................] - ETA: 6:20
  42237952/1426460092 [..............................] - ETA: 6:19
  42516480/1426460092 [..............................] - ETA: 6:18
  42942464/1426460092 [..............................] - ETA: 6:16
  43089920/1426460092 [..............................] - ETA: 6:17
  43393024/1426460092 [..............................] - ETA: 6:16
  43728896/1426460092 [..............................] - ETA: 6:14
  44048384/1426460092 [..............................] - ETA: 6:13
  44376064/1426460092 [..............................] - ETA: 6:12
  44703744/1426460092 [..............................] - ETA: 6:11
  44744704/1426460092 [..............................] - ETA: 6:12
  44802048/1426460092 [..............................] - ETA: 6:14
  45154304/1426460092 [..............................] - ETA: 6:12
  45424640/1426460092 [..............................] - ETA: 6:11
  45785088/1426460092 [..............................] - ETA: 6:10
  46145536/1426460092 [..............................] - ETA: 6:09
  46374912/1426460092 [..............................] - ETA: 6:08
  46686208/1426460092 [..............................] - ETA: 6:07
  47095808/1426460092 [..............................] - ETA: 6:06
  47374336/1426460092 [..............................] - ETA: 6:05
  47726592/1426460092 [>.............................] - ETA: 6:04
  48013312/1426460092 [>.............................] - ETA: 6:03
  48439296/1426460092 [>.............................] - ETA: 6:01
  48791552/1426460092 [>.............................] - ETA: 6:00
  48947200/1426460092 [>.............................] - ETA: 6:00
  49160192/1426460092 [>.............................] - ETA: 6:00
  49274880/1426460092 [>.............................] - ETA: 6:00
  49627136/1426460092 [>.............................] - ETA: 5:59
  50012160/1426460092 [>.............................] - ETA: 5:58
  50282496/1426460092 [>.............................] - ETA: 5:57
  50642944/1426460092 [>.............................] - ETA: 5:56
  50913280/1426460092 [>.............................] - ETA: 5:55
  51142656/1426460092 [>.............................] - ETA: 5:55
  51322880/1426460092 [>.............................] - ETA: 5:55
  51576832/1426460092 [>.............................] - ETA: 5:57
  51585024/1426460092 [>.............................] - ETA: 5:59
  51978240/1426460092 [>.............................] - ETA: 5:58
  52379648/1426460092 [>.............................] - ETA: 5:56
  52699136/1426460092 [>.............................] - ETA: 5:56
  52789248/1426460092 [>.............................] - ETA: 5:58
  53116928/1426460092 [>.............................] - ETA: 5:57
  53460992/1426460092 [>.............................] - ETA: 5:56
  53764096/1426460092 [>.............................] - ETA: 5:55
  53927936/1426460092 [>.............................] - ETA: 5:55
  54026240/1426460092 [>.............................] - ETA: 6:00
  55435264/1426460092 [>.............................] - ETA: 5:52
  55721984/1426460092 [>.............................] - ETA: 5:52
  56041472/1426460092 [>.............................] - ETA: 5:51
  56221696/1426460092 [>.............................] - ETA: 5:51
  56573952/1426460092 [>.............................] - ETA: 5:50
  56877056/1426460092 [>.............................] - ETA: 5:49
  57204736/1426460092 [>.............................] - ETA: 5:49
  57483264/1426460092 [>.............................] - ETA: 5:48
  57704448/1426460092 [>.............................] - ETA: 5:48
  58122240/1426460092 [>.............................] - ETA: 5:47
  58359808/1426460092 [>.............................] - ETA: 5:46
  58769408/1426460092 [>.............................] - ETA: 5:45
  59006976/1426460092 [>.............................] - ETA: 5:50
  59506688/1426460092 [>.............................] - ETA: 5:48
  59760640/1426460092 [>.............................] - ETA: 5:47
  60145664/1426460092 [>.............................] - ETA: 5:46
  60383232/1426460092 [>.............................] - ETA: 5:47
  60702720/1426460092 [>.............................] - ETA: 5:47
  61177856/1426460092 [>.............................] - ETA: 5:45
  61489152/1426460092 [>.............................] - ETA: 5:44
  61677568/1426460092 [>.............................] - ETA: 5:49
  61710336/1426460092 [>.............................] - ETA: 5:51
  61964288/1426460092 [>.............................] - ETA: 5:50
  63422464/1426460092 [>.............................] - ETA: 5:43
  63635456/1426460092 [>.............................] - ETA: 5:43
  64020480/1426460092 [>.............................] - ETA: 5:42
  64339968/1426460092 [>.............................] - ETA: 5:41
  64716800/1426460092 [>.............................] - ETA: 5:40
  65003520/1426460092 [>.............................] - ETA: 5:40
  65478656/1426460092 [>.............................] - ETA: 5:38
  65699840/1426460092 [>.............................] - ETA: 5:38
  66035712/1426460092 [>.............................] - ETA: 5:38
  66469888/1426460092 [>.............................] - ETA: 5:37
  66830336/1426460092 [>.............................] - ETA: 5:36
  67043328/1426460092 [>.............................] - ETA: 5:36
  67272704/1426460092 [>.............................] - ETA: 5:38
  67436544/1426460092 [>.............................] - ETA: 5:38
  67534848/1426460092 [>.............................] - ETA: 5:39
  67674112/1426460092 [>.............................] - ETA: 5:39
  67837952/1426460092 [>.............................] - ETA: 5:39
  68009984/1426460092 [>.............................] - ETA: 5:39
  68214784/1426460092 [>.............................] - ETA: 5:39
  68411392/1426460092 [>.............................] - ETA: 5:39
  68616192/1426460092 [>.............................] - ETA: 5:39
  68698112/1426460092 [>.............................] - ETA: 5:41
  68935680/1426460092 [>.............................] - ETA: 5:41
  69197824/1426460092 [>.............................] - ETA: 5:41
  69369856/1426460092 [>.............................] - ETA: 5:41
  69509120/1426460092 [>.............................] - ETA: 5:41
  69926912/1426460092 [>.............................] - ETA: 5:41
  70197248/1426460092 [>.............................] - ETA: 5:40
  70352896/1426460092 [>.............................] - ETA: 5:40
  70565888/1426460092 [>.............................] - ETA: 5:41
  70828032/1426460092 [>.............................] - ETA: 5:40
  71032832/1426460092 [>.............................] - ETA: 5:40
  71262208/1426460092 [>.............................] - ETA: 5:40
  71491584/1426460092 [>.............................] - ETA: 5:40
  71655424/1426460092 [>.............................] - ETA: 5:40
  71925760/1426460092 [>.............................] - ETA: 5:40
  72073216/1426460092 [>.............................] - ETA: 5:40
  72228864/1426460092 [>.............................] - ETA: 5:40
  72433664/1426460092 [>.............................] - ETA: 5:43
  72974336/1426460092 [>.............................] - ETA: 5:41
  72998912/1426460092 [>.............................] - ETA: 5:42
  73244672/1426460092 [>.............................] - ETA: 5:42
  73474048/1426460092 [>.............................] - ETA: 5:42
  73777152/1426460092 [>.............................] - ETA: 5:41
  73883648/1426460092 [>.............................] - ETA: 5:42
  74276864/1426460092 [>.............................] - ETA: 5:41
  74514432/1426460092 [>.............................] - ETA: 5:41
  74817536/1426460092 [>.............................] - ETA: 5:40
  74907648/1426460092 [>.............................] - ETA: 5:41
  74981376/1426460092 [>.............................] - ETA: 5:42
  75284480/1426460092 [>.............................] - ETA: 5:41
  75423744/1426460092 [>.............................] - ETA: 5:42
  75776000/1426460092 [>.............................] - ETA: 5:41
  75923456/1426460092 [>.............................] - ETA: 5:41
  76292096/1426460092 [>.............................] - ETA: 5:41
  76595200/1426460092 [>.............................] - ETA: 5:40
  76881920/1426460092 [>.............................] - ETA: 5:40
  77160448/1426460092 [>.............................] - ETA: 5:40
  77561856/1426460092 [>.............................] - ETA: 5:39
  77922304/1426460092 [>.............................] - ETA: 5:38
  78135296/1426460092 [>.............................] - ETA: 5:38
  78528512/1426460092 [>.............................] - ETA: 5:37
  78757888/1426460092 [>.............................] - ETA: 5:37
  78962688/1426460092 [>.............................] - ETA: 5:37
  79159296/1426460092 [>.............................] - ETA: 5:37
  79413248/1426460092 [>.............................] - ETA: 5:37
  79618048/1426460092 [>.............................] - ETA: 5:37
  79839232/1426460092 [>.............................] - ETA: 5:37
  80068608/1426460092 [>.............................] - ETA: 5:37
  80175104/1426460092 [>.............................] - ETA: 5:38
  80429056/1426460092 [>.............................] - ETA: 5:38
  80576512/1426460092 [>.............................] - ETA: 5:38
  80789504/1426460092 [>.............................] - ETA: 5:38
  81035264/1426460092 [>.............................] - ETA: 5:38
  81190912/1426460092 [>.............................] - ETA: 5:38
  81461248/1426460092 [>.............................] - ETA: 5:38
  81600512/1426460092 [>.............................] - ETA: 5:38
  81780736/1426460092 [>.............................] - ETA: 5:38
  81944576/1426460092 [>.............................] - ETA: 5:38
  82149376/1426460092 [>.............................] - ETA: 5:38
  82313216/1426460092 [>.............................] - ETA: 5:38
  82567168/1426460092 [>.............................] - ETA: 5:38
  82788352/1426460092 [>.............................] - ETA: 5:38
  82952192/1426460092 [>.............................] - ETA: 5:38
  83181568/1426460092 [>.............................] - ETA: 5:38
  83304448/1426460092 [>.............................] - ETA: 5:39
  83591168/1426460092 [>.............................] - ETA: 5:38
  83804160/1426460092 [>.............................] - ETA: 5:38
  84140032/1426460092 [>.............................] - ETA: 5:38
  84410368/1426460092 [>.............................] - ETA: 5:38
  84672512/1426460092 [>.............................] - ETA: 5:37
  84893696/1426460092 [>.............................] - ETA: 5:37
  85245952/1426460092 [>.............................] - ETA: 5:37
  85393408/1426460092 [>.............................] - ETA: 5:37
  85630976/1426460092 [>.............................] - ETA: 5:37
  86073344/1426460092 [>.............................] - ETA: 5:36
  86351872/1426460092 [>.............................] - ETA: 5:36
  86622208/1426460092 [>.............................] - ETA: 5:35
  86908928/1426460092 [>.............................] - ETA: 5:35
  87203840/1426460092 [>.............................] - ETA: 5:35
  87400448/1426460092 [>.............................] - ETA: 5:35
  87687168/1426460092 [>.............................] - ETA: 5:35
  87777280/1426460092 [>.............................] - ETA: 5:36
  87818240/1426460092 [>.............................] - ETA: 5:36
  87957504/1426460092 [>.............................] - ETA: 5:36
  88039424/1426460092 [>.............................] - ETA: 5:37
  88285184/1426460092 [>.............................] - ETA: 5:37
  88539136/1426460092 [>.............................] - ETA: 5:37
  88768512/1426460092 [>.............................] - ETA: 5:37
  88997888/1426460092 [>.............................] - ETA: 5:37
  89243648/1426460092 [>.............................] - ETA: 5:37
  89456640/1426460092 [>.............................] - ETA: 5:37
  89661440/1426460092 [>.............................] - ETA: 5:37
  89726976/1426460092 [>.............................] - ETA: 5:38
  89833472/1426460092 [>.............................] - ETA: 5:38
  90013696/1426460092 [>.............................] - ETA: 5:38
  90243072/1426460092 [>.............................] - ETA: 5:38
  90480640/1426460092 [>.............................] - ETA: 5:38
  90783744/1426460092 [>.............................] - ETA: 5:38
  91029504/1426460092 [>.............................] - ETA: 5:37
  91103232/1426460092 [>.............................] - ETA: 5:38
  91439104/1426460092 [>.............................] - ETA: 5:38
  91619328/1426460092 [>.............................] - ETA: 5:38
  91873280/1426460092 [>.............................] - ETA: 5:37
  92102656/1426460092 [>.............................] - ETA: 5:37
  92618752/1426460092 [>.............................] - ETA: 5:36
  92913664/1426460092 [>.............................] - ETA: 5:36
  93208576/1426460092 [>.............................] - ETA: 5:35
  93454336/1426460092 [>.............................] - ETA: 5:35
  93642752/1426460092 [>.............................] - ETA: 5:35
  93937664/1426460092 [>.............................] - ETA: 5:35
  94052352/1426460092 [>.............................] - ETA: 5:36
  94298112/1426460092 [>.............................] - ETA: 5:36
  94633984/1426460092 [>.............................] - ETA: 5:35
  94920704/1426460092 [>.............................] - ETA: 5:35
  95215616/1426460092 [=>............................] - ETA: 5:34
  95494144/1426460092 [=>............................] - ETA: 5:34
  95649792/1426460092 [=>............................] - ETA: 5:34
  95657984/1426460092 [=>............................] - ETA: 5:35
  95936512/1426460092 [=>............................] - ETA: 5:35
  96165888/1426460092 [=>............................] - ETA: 5:35
  96436224/1426460092 [=>............................] - ETA: 5:35
  96493568/1426460092 [=>............................] - ETA: 5:35
  96722944/1426460092 [=>............................] - ETA: 5:35
  96919552/1426460092 [=>............................] - ETA: 5:35
  97378304/1426460092 [=>............................] - ETA: 5:34
  97804288/1426460092 [=>............................] - ETA: 5:34
  98041856/1426460092 [=>............................] - ETA: 5:33
  98320384/1426460092 [=>............................] - ETA: 5:33
  98410496/1426460092 [=>............................] - ETA: 5:33
  98738176/1426460092 [=>............................] - ETA: 5:33
  98951168/1426460092 [=>............................] - ETA: 5:33
  99311616/1426460092 [=>............................] - ETA: 5:33
  99442688/1426460092 [=>............................] - ETA: 5:33
  99696640/1426460092 [=>............................] - ETA: 5:33
  99901440/1426460092 [=>............................] - ETA: 5:34
 100155392/1426460092 [=>............................] - ETA: 5:33
 100352000/1426460092 [=>............................] - ETA: 5:33
 100581376/1426460092 [=>............................] - ETA: 5:33
 100720640/1426460092 [=>............................] - ETA: 5:34
 100917248/1426460092 [=>............................] - ETA: 5:34
 101122048/1426460092 [=>............................] - ETA: 5:34
 101335040/1426460092 [=>............................] - ETA: 5:34
 101588992/1426460092 [=>............................] - ETA: 5:35
 101924864/1426460092 [=>............................] - ETA: 5:34
 102178816/1426460092 [=>............................] - ETA: 5:34
 102424576/1426460092 [=>............................] - ETA: 5:34
 102686720/1426460092 [=>............................] - ETA: 5:34
 102932480/1426460092 [=>............................] - ETA: 5:33
 103120896/1426460092 [=>............................] - ETA: 5:33
 103284736/1426460092 [=>............................] - ETA: 5:34
 103563264/1426460092 [=>............................] - ETA: 5:34
 103809024/1426460092 [=>............................] - ETA: 5:34
 104054784/1426460092 [=>............................] - ETA: 5:34
 104349696/1426460092 [=>............................] - ETA: 5:35
 104357888/1426460092 [=>............................] - ETA: 5:35
 104595456/1426460092 [=>............................] - ETA: 5:35
 104783872/1426460092 [=>............................] - ETA: 5:37
 104947712/1426460092 [=>............................] - ETA: 5:38
 105095168/1426460092 [=>............................] - ETA: 5:38
 105324544/1426460092 [=>............................] - ETA: 5:38
 105398272/1426460092 [=>............................] - ETA: 5:39
 105799680/1426460092 [=>............................] - ETA: 5:39
 106086400/1426460092 [=>............................] - ETA: 5:38
 106307584/1426460092 [=>............................] - ETA: 5:38
 106536960/1426460092 [=>............................] - ETA: 5:38
 106741760/1426460092 [=>............................] - ETA: 5:38
 106938368/1426460092 [=>............................] - ETA: 5:38
 107184128/1426460092 [=>............................] - ETA: 5:38
 107429888/1426460092 [=>............................] - ETA: 5:38
 107692032/1426460092 [=>............................] - ETA: 5:38
 107913216/1426460092 [=>............................] - ETA: 5:37
 108052480/1426460092 [=>............................] - ETA: 5:38
 108560384/1426460092 [=>............................] - ETA: 5:37
 108740608/1426460092 [=>............................] - ETA: 5:37
 109142016/1426460092 [=>............................] - ETA: 5:36
 109559808/1426460092 [=>............................] - ETA: 5:35
 109690880/1426460092 [=>............................] - ETA: 5:36
 109699072/1426460092 [=>............................] - ETA: 5:37
 110100480/1426460092 [=>............................] - ETA: 5:36
 110313472/1426460092 [=>............................] - ETA: 5:36
 110338048/1426460092 [=>............................] - ETA: 5:39
 111239168/1426460092 [=>............................] - ETA: 5:37
 111411200/1426460092 [=>............................] - ETA: 5:37
 111714304/1426460092 [=>............................] - ETA: 5:36
 112009216/1426460092 [=>............................] - ETA: 5:36
 112156672/1426460092 [=>............................] - ETA: 5:37
 112427008/1426460092 [=>............................] - ETA: 5:36
 112697344/1426460092 [=>............................] - ETA: 5:36
 113008640/1426460092 [=>............................] - ETA: 5:36
 113278976/1426460092 [=>............................] - ETA: 5:35
 113352704/1426460092 [=>............................] - ETA: 5:36
 113418240/1426460092 [=>............................] - ETA: 5:36
 113532928/1426460092 [=>............................] - ETA: 5:37
 113770496/1426460092 [=>............................] - ETA: 5:37
 114081792/1426460092 [=>............................] - ETA: 5:36
 114212864/1426460092 [=>............................] - ETA: 5:36
 114409472/1426460092 [=>............................] - ETA: 5:37
 114663424/1426460092 [=>............................] - ETA: 5:36
 114819072/1426460092 [=>............................] - ETA: 5:36
 114958336/1426460092 [=>............................] - ETA: 5:37
 115179520/1426460092 [=>............................] - ETA: 5:36
 115425280/1426460092 [=>............................] - ETA: 5:36
 115458048/1426460092 [=>............................] - ETA: 5:37
 115556352/1426460092 [=>............................] - ETA: 5:37
 115736576/1426460092 [=>............................] - ETA: 5:37
 115884032/1426460092 [=>............................] - ETA: 5:37
 116269056/1426460092 [=>............................] - ETA: 5:37
 116506624/1426460092 [=>............................] - ETA: 5:37
 116695040/1426460092 [=>............................] - ETA: 5:37
 116989952/1426460092 [=>............................] - ETA: 5:36
 116998144/1426460092 [=>............................] - ETA: 5:38
 117006336/1426460092 [=>............................] - ETA: 5:38
 117260288/1426460092 [=>............................] - ETA: 5:38
 117555200/1426460092 [=>............................] - ETA: 5:38
 117809152/1426460092 [=>............................] - ETA: 5:39
 118071296/1426460092 [=>............................] - ETA: 5:38
 118366208/1426460092 [=>............................] - ETA: 5:38
 118611968/1426460092 [=>............................] - ETA: 5:38
 119029760/1426460092 [=>............................] - ETA: 5:37
 119177216/1426460092 [=>............................] - ETA: 5:39
 119488512/1426460092 [=>............................] - ETA: 5:38
 119709696/1426460092 [=>............................] - ETA: 5:38
 120020992/1426460092 [=>............................] - ETA: 5:38
 120258560/1426460092 [=>............................] - ETA: 5:37
 120463360/1426460092 [=>............................] - ETA: 5:37
 120668160/1426460092 [=>............................] - ETA: 5:37
 120832000/1426460092 [=>............................] - ETA: 5:37
 120856576/1426460092 [=>............................] - ETA: 5:38
 121069568/1426460092 [=>............................] - ETA: 5:38
 121405440/1426460092 [=>............................] - ETA: 5:38
 121675776/1426460092 [=>............................] - ETA: 5:38
 121937920/1426460092 [=>............................] - ETA: 5:38
 122314752/1426460092 [=>............................] - ETA: 5:37
 122667008/1426460092 [=>............................] - ETA: 5:37
 122929152/1426460092 [=>............................] - ETA: 5:36
 123305984/1426460092 [=>............................] - ETA: 5:36
 123617280/1426460092 [=>............................] - ETA: 5:36
 123985920/1426460092 [=>............................] - ETA: 5:35
 124297216/1426460092 [=>............................] - ETA: 5:35
 124485632/1426460092 [=>............................] - ETA: 5:36
 124747776/1426460092 [=>............................] - ETA: 5:35
 125124608/1426460092 [=>............................] - ETA: 5:35
 125386752/1426460092 [=>............................] - ETA: 5:35
 125771776/1426460092 [=>............................] - ETA: 5:34
 126050304/1426460092 [=>............................] - ETA: 5:34
 126386176/1426460092 [=>............................] - ETA: 5:34
 126713856/1426460092 [=>............................] - ETA: 5:33
 126943232/1426460092 [=>............................] - ETA: 5:33
 127229952/1426460092 [=>............................] - ETA: 5:33
 127508480/1426460092 [=>............................] - ETA: 5:33
 127746048/1426460092 [=>............................] - ETA: 5:33
 128057344/1426460092 [=>............................] - ETA: 5:32
 128294912/1426460092 [=>............................] - ETA: 5:32
 128688128/1426460092 [=>............................] - ETA: 5:32
 128999424/1426460092 [=>............................] - ETA: 5:31
 129196032/1426460092 [=>............................] - ETA: 5:31
 129531904/1426460092 [=>............................] - ETA: 5:31
 129794048/1426460092 [=>............................] - ETA: 5:31
 130031616/1426460092 [=>............................] - ETA: 5:31
 130375680/1426460092 [=>............................] - ETA: 5:30
 130424832/1426460092 [=>............................] - ETA: 5:31
 130834432/1426460092 [=>............................] - ETA: 5:30
 131104768/1426460092 [=>............................] - ETA: 5:30
 131358720/1426460092 [=>............................] - ETA: 5:30
 131702784/1426460092 [=>............................] - ETA: 5:29
 131973120/1426460092 [=>............................] - ETA: 5:29
 132268032/1426460092 [=>............................] - ETA: 5:29
 132513792/1426460092 [=>............................] - ETA: 5:28
 132661248/1426460092 [=>............................] - ETA: 5:29
 132866048/1426460092 [=>............................] - ETA: 5:29
 133062656/1426460092 [=>............................] - ETA: 5:29
 133308416/1426460092 [=>............................] - ETA: 5:29
 133677056/1426460092 [=>............................] - ETA: 5:28
 133824512/1426460092 [=>............................] - ETA: 5:28
 133849088/1426460092 [=>............................] - ETA: 5:29
 134168576/1426460092 [=>............................] - ETA: 5:29
 134332416/1426460092 [=>............................] - ETA: 5:29
 134397952/1426460092 [=>............................] - ETA: 5:29
 134594560/1426460092 [=>............................] - ETA: 5:29
 134782976/1426460092 [=>............................] - ETA: 5:29
 134963200/1426460092 [=>............................] - ETA: 5:29
 135249920/1426460092 [=>............................] - ETA: 5:29
 135520256/1426460092 [=>............................] - ETA: 5:29
 135823360/1426460092 [=>............................] - ETA: 5:28
 136126464/1426460092 [=>............................] - ETA: 5:28
 136503296/1426460092 [=>............................] - ETA: 5:29
 136839168/1426460092 [=>............................] - ETA: 5:29
 137043968/1426460092 [=>............................] - ETA: 5:29
 137297920/1426460092 [=>............................] - ETA: 5:28
 137560064/1426460092 [=>............................] - ETA: 5:28
 137854976/1426460092 [=>............................] - ETA: 5:28
 137912320/1426460092 [=>............................] - ETA: 5:28
 138256384/1426460092 [=>............................] - ETA: 5:28
 138575872/1426460092 [=>............................] - ETA: 5:28
 138780672/1426460092 [=>............................] - ETA: 5:28
 138903552/1426460092 [=>............................] - ETA: 5:28
 139141120/1426460092 [=>............................] - ETA: 5:29
 139149312/1426460092 [=>............................] - ETA: 5:30
 139288576/1426460092 [=>............................] - ETA: 5:30
 139354112/1426460092 [=>............................] - ETA: 5:31
 139649024/1426460092 [=>............................] - ETA: 5:31
 139837440/1426460092 [=>............................] - ETA: 5:31
 140017664/1426460092 [=>............................] - ETA: 5:31
 140189696/1426460092 [=>............................] - ETA: 5:31
 140468224/1426460092 [=>............................] - ETA: 5:31
 140591104/1426460092 [=>............................] - ETA: 5:31
 140795904/1426460092 [=>............................] - ETA: 5:31
 140918784/1426460092 [=>............................] - ETA: 5:31
 141336576/1426460092 [=>............................] - ETA: 5:30
 141434880/1426460092 [=>............................] - ETA: 5:31
 141795328/1426460092 [=>............................] - ETA: 5:31
 142057472/1426460092 [=>............................] - ETA: 5:30
 142245888/1426460092 [=>............................] - ETA: 5:30
 142532608/1426460092 [=>............................] - ETA: 5:30
 142721024/1426460092 [==>...........................] - ETA: 5:30
 142974976/1426460092 [==>...........................] - ETA: 5:30
 143187968/1426460092 [==>...........................] - ETA: 5:30
 143319040/1426460092 [==>...........................] - ETA: 5:30
 143458304/1426460092 [==>...........................] - ETA: 5:30
 143663104/1426460092 [==>...........................] - ETA: 5:30
 143859712/1426460092 [==>...........................] - ETA: 5:30
 143974400/1426460092 [==>...........................] - ETA: 5:31
 144220160/1426460092 [==>...........................] - ETA: 5:30
 144441344/1426460092 [==>...........................] - ETA: 5:30
 144621568/1426460092 [==>...........................] - ETA: 5:30
 144924672/1426460092 [==>...........................] - ETA: 5:30
 145293312/1426460092 [==>...........................] - ETA: 5:30
 145620992/1426460092 [==>...........................] - ETA: 5:29
 145866752/1426460092 [==>...........................] - ETA: 5:29
 146219008/1426460092 [==>...........................] - ETA: 5:29
 146415616/1426460092 [==>...........................] - ETA: 5:29
 146702336/1426460092 [==>...........................] - ETA: 5:28
 146890752/1426460092 [==>...........................] - ETA: 5:28
 147169280/1426460092 [==>...........................] - ETA: 5:28
 147382272/1426460092 [==>...........................] - ETA: 5:28
 147406848/1426460092 [==>...........................] - ETA: 5:30
 147570688/1426460092 [==>...........................] - ETA: 5:30
 147709952/1426460092 [==>...........................] - ETA: 5:30
 148201472/1426460092 [==>...........................] - ETA: 5:30
 148348928/1426460092 [==>...........................] - ETA: 5:30
 148512768/1426460092 [==>...........................] - ETA: 5:30
 148676608/1426460092 [==>...........................] - ETA: 5:30
 148889600/1426460092 [==>...........................] - ETA: 5:30
 148905984/1426460092 [==>...........................] - ETA: 5:30
 149176320/1426460092 [==>...........................] - ETA: 5:30
 149397504/1426460092 [==>...........................] - ETA: 5:30
 149635072/1426460092 [==>...........................] - ETA: 5:30
 149905408/1426460092 [==>...........................] - ETA: 5:30
 150167552/1426460092 [==>...........................] - ETA: 5:29
 150380544/1426460092 [==>...........................] - ETA: 5:29
 150568960/1426460092 [==>...........................] - ETA: 5:29
 150798336/1426460092 [==>...........................] - ETA: 5:29
 150822912/1426460092 [==>...........................] - ETA: 5:31
 151101440/1426460092 [==>...........................] - ETA: 5:30
 151289856/1426460092 [==>...........................] - ETA: 5:30
 151527424/1426460092 [==>...........................] - ETA: 5:30
 151756800/1426460092 [==>...........................] - ETA: 5:30
 151937024/1426460092 [==>...........................] - ETA: 5:31
 152166400/1426460092 [==>...........................] - ETA: 5:31
 152428544/1426460092 [==>...........................] - ETA: 5:31
 152625152/1426460092 [==>...........................] - ETA: 5:31
 152854528/1426460092 [==>...........................] - ETA: 5:31
 153083904/1426460092 [==>...........................] - ETA: 5:30
 153337856/1426460092 [==>...........................] - ETA: 5:30
 153534464/1426460092 [==>...........................] - ETA: 5:30
 153804800/1426460092 [==>...........................] - ETA: 5:30
 153968640/1426460092 [==>...........................] - ETA: 5:30
 154198016/1426460092 [==>...........................] - ETA: 5:30
 154378240/1426460092 [==>...........................] - ETA: 5:30
 154542080/1426460092 [==>...........................] - ETA: 5:30
 154681344/1426460092 [==>...........................] - ETA: 5:30
 154894336/1426460092 [==>...........................] - ETA: 5:30
 155017216/1426460092 [==>...........................] - ETA: 5:30
 155205632/1426460092 [==>...........................] - ETA: 5:30
 155394048/1426460092 [==>...........................] - ETA: 5:30
 155582464/1426460092 [==>...........................] - ETA: 5:30
 155811840/1426460092 [==>...........................] - ETA: 5:30
 156041216/1426460092 [==>...........................] - ETA: 5:30
 156319744/1426460092 [==>...........................] - ETA: 5:30
 156459008/1426460092 [==>...........................] - ETA: 5:30
 156590080/1426460092 [==>...........................] - ETA: 5:31
 156827648/1426460092 [==>...........................] - ETA: 5:31
 157147136/1426460092 [==>...........................] - ETA: 5:32
 157270016/1426460092 [==>...........................] - ETA: 5:32
 157310976/1426460092 [==>...........................] - ETA: 5:33
 157442048/1426460092 [==>...........................] - ETA: 5:33
 157638656/1426460092 [==>...........................] - ETA: 5:33
 157851648/1426460092 [==>...........................] - ETA: 5:33
 158121984/1426460092 [==>...........................] - ETA: 5:33
 158334976/1426460092 [==>...........................] - ETA: 5:33
 158507008/1426460092 [==>...........................] - ETA: 5:33
 158875648/1426460092 [==>...........................] - ETA: 5:33
 159072256/1426460092 [==>...........................] - ETA: 5:33
 159367168/1426460092 [==>...........................] - ETA: 5:33
 159563776/1426460092 [==>...........................] - ETA: 5:33
 159744000/1426460092 [==>...........................] - ETA: 5:33
 159948800/1426460092 [==>...........................] - ETA: 5:33
 160063488/1426460092 [==>...........................] - ETA: 5:33
 160243712/1426460092 [==>...........................] - ETA: 5:33
 160464896/1426460092 [==>...........................] - ETA: 5:33
 160645120/1426460092 [==>...........................] - ETA: 5:33
 160849920/1426460092 [==>...........................] - ETA: 5:33
 161030144/1426460092 [==>...........................] - ETA: 5:33
 161275904/1426460092 [==>...........................] - ETA: 5:33
 161374208/1426460092 [==>...........................] - ETA: 5:33
 161546240/1426460092 [==>...........................] - ETA: 5:33
 161751040/1426460092 [==>...........................] - ETA: 5:33
 161955840/1426460092 [==>...........................] - ETA: 5:33
 162136064/1426460092 [==>...........................] - ETA: 5:33
 162357248/1426460092 [==>...........................] - ETA: 5:33
 162570240/1426460092 [==>...........................] - ETA: 5:33
 162742272/1426460092 [==>...........................] - ETA: 5:33
 162971648/1426460092 [==>...........................] - ETA: 5:33
 163143680/1426460092 [==>...........................] - ETA: 5:33
 163160064/1426460092 [==>...........................] - ETA: 5:33
 163364864/1426460092 [==>...........................] - ETA: 5:33
 163577856/1426460092 [==>...........................] - ETA: 5:33
 163766272/1426460092 [==>...........................] - ETA: 5:33
 163897344/1426460092 [==>...........................] - ETA: 5:33
 164093952/1426460092 [==>...........................] - ETA: 5:33
 164298752/1426460092 [==>...........................] - ETA: 5:33
 164478976/1426460092 [==>...........................] - ETA: 5:33
 164577280/1426460092 [==>...........................] - ETA: 5:33
 164765696/1426460092 [==>...........................] - ETA: 5:33
 164913152/1426460092 [==>...........................] - ETA: 5:34
 165109760/1426460092 [==>...........................] - ETA: 5:33
 165502976/1426460092 [==>...........................] - ETA: 5:33
 165724160/1426460092 [==>...........................] - ETA: 5:33
 165847040/1426460092 [==>...........................] - ETA: 5:33
 165888000/1426460092 [==>...........................] - ETA: 5:39
 168452096/1426460092 [==>...........................] - ETA: 5:33
 168779776/1426460092 [==>...........................] - ETA: 5:33
 168992768/1426460092 [==>...........................] - ETA: 5:33
 169205760/1426460092 [==>...........................] - ETA: 5:33
 169476096/1426460092 [==>...........................] - ETA: 5:33
 169582592/1426460092 [==>...........................] - ETA: 5:34
 169951232/1426460092 [==>...........................] - ETA: 5:34
 170147840/1426460092 [==>...........................] - ETA: 5:34
 170311680/1426460092 [==>...........................] - ETA: 5:34
 170541056/1426460092 [==>...........................] - ETA: 5:34
 170713088/1426460092 [==>...........................] - ETA: 5:34
 170975232/1426460092 [==>...........................] - ETA: 5:34
 171253760/1426460092 [==>...........................] - ETA: 5:34
 171433984/1426460092 [==>...........................] - ETA: 5:34
 171655168/1426460092 [==>...........................] - ETA: 5:34
 171851776/1426460092 [==>...........................] - ETA: 5:34
 172040192/1426460092 [==>...........................] - ETA: 5:34
 172318720/1426460092 [==>...........................] - ETA: 5:34
 172531712/1426460092 [==>...........................] - ETA: 5:34
 172720128/1426460092 [==>...........................] - ETA: 5:34
 172941312/1426460092 [==>...........................] - ETA: 5:34
 173129728/1426460092 [==>...........................] - ETA: 5:34
 173375488/1426460092 [==>...........................] - ETA: 5:34
 173588480/1426460092 [==>...........................] - ETA: 5:34
 173727744/1426460092 [==>...........................] - ETA: 5:34
 173867008/1426460092 [==>...........................] - ETA: 5:35
 174227456/1426460092 [==>...........................] - ETA: 5:34
 174358528/1426460092 [==>...........................] - ETA: 5:34
 174571520/1426460092 [==>...........................] - ETA: 5:34
 174751744/1426460092 [==>...........................] - ETA: 5:34
 174841856/1426460092 [==>...........................] - ETA: 5:34
 175005696/1426460092 [==>...........................] - ETA: 5:34
 175210496/1426460092 [==>...........................] - ETA: 5:34
 175333376/1426460092 [==>...........................] - ETA: 5:34
 175628288/1426460092 [==>...........................] - ETA: 5:34
 175767552/1426460092 [==>...........................] - ETA: 5:34
 175972352/1426460092 [==>...........................] - ETA: 5:34
 176144384/1426460092 [==>...........................] - ETA: 5:35
 176439296/1426460092 [==>...........................] - ETA: 5:35
 176635904/1426460092 [==>...........................] - ETA: 5:35
 176857088/1426460092 [==>...........................] - ETA: 5:35
 177152000/1426460092 [==>...........................] - ETA: 5:35
 177348608/1426460092 [==>...........................] - ETA: 5:35
 177430528/1426460092 [==>...........................] - ETA: 5:35
 177684480/1426460092 [==>...........................] - ETA: 5:35
 177766400/1426460092 [==>...........................] - ETA: 5:35
 177807360/1426460092 [==>...........................] - ETA: 5:36
 177905664/1426460092 [==>...........................] - ETA: 5:36
 177995776/1426460092 [==>...........................] - ETA: 5:36
 178307072/1426460092 [==>...........................] - ETA: 5:36
 178536448/1426460092 [==>...........................] - ETA: 5:36
 178651136/1426460092 [==>...........................] - ETA: 5:36
 178896896/1426460092 [==>...........................] - ETA: 5:36
 179068928/1426460092 [==>...........................] - ETA: 5:36
 179298304/1426460092 [==>...........................] - ETA: 5:36
 179322880/1426460092 [==>...........................] - ETA: 5:37
 179585024/1426460092 [==>...........................] - ETA: 5:37
 179798016/1426460092 [==>...........................] - ETA: 5:36
 180060160/1426460092 [==>...........................] - ETA: 5:36
 180224000/1426460092 [==>...........................] - ETA: 5:36
 180436992/1426460092 [==>...........................] - ETA: 5:36
 180682752/1426460092 [==>...........................] - ETA: 5:36
 180813824/1426460092 [==>...........................] - ETA: 5:36
 180822016/1426460092 [==>...........................] - ETA: 5:37
 181035008/1426460092 [==>...........................] - ETA: 5:36
 181239808/1426460092 [==>...........................] - ETA: 5:36
 181370880/1426460092 [==>...........................] - ETA: 5:36
 181583872/1426460092 [==>...........................] - ETA: 5:36
 181829632/1426460092 [==>...........................] - ETA: 5:36
 182083584/1426460092 [==>...........................] - ETA: 5:36
 182288384/1426460092 [==>...........................] - ETA: 5:36
 182493184/1426460092 [==>...........................] - ETA: 5:37
 182501376/1426460092 [==>...........................] - ETA: 5:37
 182788096/1426460092 [==>...........................] - ETA: 5:37
 182943744/1426460092 [==>...........................] - ETA: 5:37
 183181312/1426460092 [==>...........................] - ETA: 5:37
 183345152/1426460092 [==>...........................] - ETA: 5:37
 183508992/1426460092 [==>...........................] - ETA: 5:37
 183582720/1426460092 [==>...........................] - ETA: 5:37
 183910400/1426460092 [==>...........................] - ETA: 5:37
 184147968/1426460092 [==>...........................] - ETA: 5:38
 184459264/1426460092 [==>...........................] - ETA: 5:38
 184631296/1426460092 [==>...........................] - ETA: 5:38
 184729600/1426460092 [==>...........................] - ETA: 5:39
 184991744/1426460092 [==>...........................] - ETA: 5:38
 185147392/1426460092 [==>...........................] - ETA: 5:38
 185376768/1426460092 [==>...........................] - ETA: 5:38
 185688064/1426460092 [==>...........................] - ETA: 5:38
 185827328/1426460092 [==>...........................] - ETA: 5:39
 186163200/1426460092 [==>...........................] - ETA: 5:38
 186580992/1426460092 [==>...........................] - ETA: 5:38
 186753024/1426460092 [==>...........................] - ETA: 5:38
 186974208/1426460092 [==>...........................] - ETA: 5:37
 187228160/1426460092 [==>...........................] - ETA: 5:37
 187342848/1426460092 [==>...........................] - ETA: 5:38
 187514880/1426460092 [==>...........................] - ETA: 5:38
 187686912/1426460092 [==>...........................] - ETA: 5:38
 187842560/1426460092 [==>...........................] - ETA: 5:38
 188022784/1426460092 [==>...........................] - ETA: 5:38
 188203008/1426460092 [==>...........................] - ETA: 5:38
 188391424/1426460092 [==>...........................] - ETA: 5:38
 188588032/1426460092 [==>...........................] - ETA: 5:38
 188784640/1426460092 [==>...........................] - ETA: 5:38
 188940288/1426460092 [==>...........................] - ETA: 5:38
 189095936/1426460092 [==>...........................] - ETA: 5:38
 189333504/1426460092 [==>...........................] - ETA: 5:38
 189603840/1426460092 [==>...........................] - ETA: 5:38
 189816832/1426460092 [==>...........................] - ETA: 5:38
 189939712/1426460092 [==>...........................] - ETA: 5:38
 190169088/1426460092 [==>...........................] - ETA: 5:38
 190480384/1426460092 [===>..........................] - ETA: 5:37
 190570496/1426460092 [===>..........................] - ETA: 5:38
 190808064/1426460092 [===>..........................] - ETA: 5:37
 191029248/1426460092 [===>..........................] - ETA: 5:37
 191234048/1426460092 [===>..........................] - ETA: 5:37
 191250432/1426460092 [===>..........................] - ETA: 5:38
 191430656/1426460092 [===>..........................] - ETA: 5:38
 191594496/1426460092 [===>..........................] - ETA: 5:38
 191791104/1426460092 [===>..........................] - ETA: 5:38
 191922176/1426460092 [===>..........................] - ETA: 5:38
 192151552/1426460092 [===>..........................] - ETA: 5:38
 192323584/1426460092 [===>..........................] - ETA: 5:38
 192536576/1426460092 [===>..........................] - ETA: 5:37
 192872448/1426460092 [===>..........................] - ETA: 5:37
 193126400/1426460092 [===>..........................] - ETA: 5:37
 193224704/1426460092 [===>..........................] - ETA: 5:37
 193658880/1426460092 [===>..........................] - ETA: 5:37
 193986560/1426460092 [===>..........................] - ETA: 5:36
 194174976/1426460092 [===>..........................] - ETA: 5:36
 194420736/1426460092 [===>..........................] - ETA: 5:36
 194519040/1426460092 [===>..........................] - ETA: 5:37
 194781184/1426460092 [===>..........................] - ETA: 5:37
 195141632/1426460092 [===>..........................] - ETA: 5:36
 195272704/1426460092 [===>..........................] - ETA: 5:36
 195428352/1426460092 [===>..........................] - ETA: 5:36
 195616768/1426460092 [===>..........................] - ETA: 5:36
 195715072/1426460092 [===>..........................] - ETA: 5:36
 195870720/1426460092 [===>..........................] - ETA: 5:36
 196059136/1426460092 [===>..........................] - ETA: 5:36
 196222976/1426460092 [===>..........................] - ETA: 5:37
 196313088/1426460092 [===>..........................] - ETA: 5:37
 196362240/1426460092 [===>..........................] - ETA: 5:37
 196468736/1426460092 [===>..........................] - ETA: 5:37
 196657152/1426460092 [===>..........................] - ETA: 5:38
 197009408/1426460092 [===>..........................] - ETA: 5:37
 197255168/1426460092 [===>..........................] - ETA: 5:37
 197484544/1426460092 [===>..........................] - ETA: 5:37
 197648384/1426460092 [===>..........................] - ETA: 5:37
 198041600/1426460092 [===>..........................] - ETA: 5:37
 198090752/1426460092 [===>..........................] - ETA: 5:37
 198377472/1426460092 [===>..........................] - ETA: 5:37
 198500352/1426460092 [===>..........................] - ETA: 5:37
 198877184/1426460092 [===>..........................] - ETA: 5:37
 199090176/1426460092 [===>..........................] - ETA: 5:37
 199368704/1426460092 [===>..........................] - ETA: 5:37
 199778304/1426460092 [===>..........................] - ETA: 5:37
 200007680/1426460092 [===>..........................] - ETA: 5:37
 200228864/1426460092 [===>..........................] - ETA: 5:37
 200605696/1426460092 [===>..........................] - ETA: 5:36
 200728576/1426460092 [===>..........................] - ETA: 5:36
 200925184/1426460092 [===>..........................] - ETA: 5:36
 201326592/1426460092 [===>..........................] - ETA: 5:36
 201523200/1426460092 [===>..........................] - ETA: 5:36
 201867264/1426460092 [===>..........................] - ETA: 5:36
 202178560/1426460092 [===>..........................] - ETA: 5:35
 202194944/1426460092 [===>..........................] - ETA: 5:36
 202473472/1426460092 [===>..........................] - ETA: 5:36
 202686464/1426460092 [===>..........................] - ETA: 5:36
 202940416/1426460092 [===>..........................] - ETA: 5:35
 203063296/1426460092 [===>..........................] - ETA: 5:36
 203292672/1426460092 [===>..........................] - ETA: 5:35
 203472896/1426460092 [===>..........................] - ETA: 5:35
 203710464/1426460092 [===>..........................] - ETA: 5:35
 203980800/1426460092 [===>..........................] - ETA: 5:35
 204259328/1426460092 [===>..........................] - ETA: 5:35
 204546048/1426460092 [===>..........................] - ETA: 5:35
 204750848/1426460092 [===>..........................] - ETA: 5:35
 205029376/1426460092 [===>..........................] - ETA: 5:34
 205185024/1426460092 [===>..........................] - ETA: 5:34
 205455360/1426460092 [===>..........................] - ETA: 5:34
 205619200/1426460092 [===>..........................] - ETA: 5:35
 205930496/1426460092 [===>..........................] - ETA: 5:34
 206110720/1426460092 [===>..........................] - ETA: 5:34
 206372864/1426460092 [===>..........................] - ETA: 5:34
 206610432/1426460092 [===>..........................] - ETA: 5:34
 206823424/1426460092 [===>..........................] - ETA: 5:34
 207060992/1426460092 [===>..........................] - ETA: 5:34
 207429632/1426460092 [===>..........................] - ETA: 5:33
 207675392/1426460092 [===>..........................] - ETA: 5:33
 207872000/1426460092 [===>..........................] - ETA: 5:33
 208117760/1426460092 [===>..........................] - ETA: 5:33
 208519168/1426460092 [===>..........................] - ETA: 5:33
 208732160/1426460092 [===>..........................] - ETA: 5:33
 209108992/1426460092 [===>..........................] - ETA: 5:32
 209330176/1426460092 [===>..........................] - ETA: 5:32
 209510400/1426460092 [===>..........................] - ETA: 5:32
 209641472/1426460092 [===>..........................] - ETA: 5:33
 209879040/1426460092 [===>..........................] - ETA: 5:32
 210132992/1426460092 [===>..........................] - ETA: 5:32
 210264064/1426460092 [===>..........................] - ETA: 5:32
 210477056/1426460092 [===>..........................] - ETA: 5:32
 210698240/1426460092 [===>..........................] - ETA: 5:32
 210829312/1426460092 [===>..........................] - ETA: 5:33
 211001344/1426460092 [===>..........................] - ETA: 5:32
 211222528/1426460092 [===>..........................] - ETA: 5:32
 211410944/1426460092 [===>..........................] - ETA: 5:32
 211476480/1426460092 [===>..........................] - ETA: 5:33
 211623936/1426460092 [===>..........................] - ETA: 5:33
 211804160/1426460092 [===>..........................] - ETA: 5:33
 211886080/1426460092 [===>..........................] - ETA: 5:33
 212107264/1426460092 [===>..........................] - ETA: 5:33
 212344832/1426460092 [===>..........................] - ETA: 5:34
 212762624/1426460092 [===>..........................] - ETA: 5:33
 213016576/1426460092 [===>..........................] - ETA: 5:33
 213204992/1426460092 [===>..........................] - ETA: 5:33
 213385216/1426460092 [===>..........................] - ETA: 5:33
 213524480/1426460092 [===>..........................] - ETA: 5:33
 213753856/1426460092 [===>..........................] - ETA: 5:33
 214056960/1426460092 [===>..........................] - ETA: 5:33
 214212608/1426460092 [===>..........................] - ETA: 5:33
 214425600/1426460092 [===>..........................] - ETA: 5:33
 214491136/1426460092 [===>..........................] - ETA: 5:33
 214794240/1426460092 [===>..........................] - ETA: 5:33
 214999040/1426460092 [===>..........................] - ETA: 5:33
 215343104/1426460092 [===>..........................] - ETA: 5:32
 215597056/1426460092 [===>..........................] - ETA: 5:32
 215875584/1426460092 [===>..........................] - ETA: 5:32
 216072192/1426460092 [===>..........................] - ETA: 5:32
 216276992/1426460092 [===>..........................] - ETA: 5:33
 216547328/1426460092 [===>..........................] - ETA: 5:32
 216752128/1426460092 [===>..........................] - ETA: 5:32
 216899584/1426460092 [===>..........................] - ETA: 5:33
 216989696/1426460092 [===>..........................] - ETA: 5:33
 217088000/1426460092 [===>..........................] - ETA: 5:33
 217292800/1426460092 [===>..........................] - ETA: 5:33
 217358336/1426460092 [===>..........................] - ETA: 5:34
 217587712/1426460092 [===>..........................] - ETA: 5:35
 217612288/1426460092 [===>..........................] - ETA: 5:35
 217661440/1426460092 [===>..........................] - ETA: 5:36
 217751552/1426460092 [===>..........................] - ETA: 5:37
 217817088/1426460092 [===>..........................] - ETA: 5:37
 217882624/1426460092 [===>..........................] - ETA: 5:37
 217899008/1426460092 [===>..........................] - ETA: 5:38
 218062848/1426460092 [===>..........................] - ETA: 5:38
 218128384/1426460092 [===>..........................] - ETA: 5:38
 218202112/1426460092 [===>..........................] - ETA: 5:38
 218284032/1426460092 [===>..........................] - ETA: 5:38
 218316800/1426460092 [===>..........................] - ETA: 5:39
 218464256/1426460092 [===>..........................] - ETA: 5:40
 218529792/1426460092 [===>..........................] - ETA: 5:40
 218570752/1426460092 [===>..........................] - ETA: 5:41
 218693632/1426460092 [===>..........................] - ETA: 5:42
 218767360/1426460092 [===>..........................] - ETA: 5:42
 218849280/1426460092 [===>..........................] - ETA: 5:43
 219004928/1426460092 [===>..........................] - ETA: 5:43
 219070464/1426460092 [===>..........................] - ETA: 5:43
 219168768/1426460092 [===>..........................] - ETA: 5:43
 219234304/1426460092 [===>..........................] - ETA: 5:43
 219439104/1426460092 [===>..........................] - ETA: 5:43
 219561984/1426460092 [===>..........................] - ETA: 5:43
 219660288/1426460092 [===>..........................] - ETA: 5:43
 219774976/1426460092 [===>..........................] - ETA: 5:43
 219873280/1426460092 [===>..........................] - ETA: 5:44
 219996160/1426460092 [===>..........................] - ETA: 5:44
 220102656/1426460092 [===>..........................] - ETA: 5:44
 220250112/1426460092 [===>..........................] - ETA: 5:44
 220372992/1426460092 [===>..........................] - ETA: 5:44
 220553216/1426460092 [===>..........................] - ETA: 5:44
 220708864/1426460092 [===>..........................] - ETA: 5:44
 220839936/1426460092 [===>..........................] - ETA: 5:44
 221044736/1426460092 [===>..........................] - ETA: 5:44
 221167616/1426460092 [===>..........................] - ETA: 5:44
 221405184/1426460092 [===>..........................] - ETA: 5:44
 221437952/1426460092 [===>..........................] - ETA: 5:44
 221667328/1426460092 [===>..........................] - ETA: 5:44
 221896704/1426460092 [===>..........................] - ETA: 5:44
 221921280/1426460092 [===>..........................] - ETA: 5:44
 222167040/1426460092 [===>..........................] - ETA: 5:44
 222371840/1426460092 [===>..........................] - ETA: 5:44
 222609408/1426460092 [===>..........................] - ETA: 5:44
 222789632/1426460092 [===>..........................] - ETA: 5:44
 222969856/1426460092 [===>..........................] - ETA: 5:44
 223150080/1426460092 [===>..........................] - ETA: 5:44
 223322112/1426460092 [===>..........................] - ETA: 5:44
 223543296/1426460092 [===>..........................] - ETA: 5:44
 223698944/1426460092 [===>..........................] - ETA: 5:44
 223887360/1426460092 [===>..........................] - ETA: 5:44
 223977472/1426460092 [===>..........................] - ETA: 5:44
 224174080/1426460092 [===>..........................] - ETA: 5:44
 224206848/1426460092 [===>..........................] - ETA: 5:45
 224403456/1426460092 [===>..........................] - ETA: 5:45
 224591872/1426460092 [===>..........................] - ETA: 5:45
 224681984/1426460092 [===>..........................] - ETA: 5:45
 224845824/1426460092 [===>..........................] - ETA: 5:45
 225026048/1426460092 [===>..........................] - ETA: 5:45
 225214464/1426460092 [===>..........................] - ETA: 5:45
 225427456/1426460092 [===>..........................] - ETA: 5:45
 225607680/1426460092 [===>..........................] - ETA: 5:44
 225804288/1426460092 [===>..........................] - ETA: 5:44
 225976320/1426460092 [===>..........................] - ETA: 5:44
 226050048/1426460092 [===>..........................] - ETA: 5:45
 226263040/1426460092 [===>..........................] - ETA: 5:44
 226451456/1426460092 [===>..........................] - ETA: 5:44
 226639872/1426460092 [===>..........................] - ETA: 5:44
 226754560/1426460092 [===>..........................] - ETA: 5:44
 226934784/1426460092 [===>..........................] - ETA: 5:44
 227098624/1426460092 [===>..........................] - ETA: 5:44
 227287040/1426460092 [===>..........................] - ETA: 5:44
 227500032/1426460092 [===>..........................] - ETA: 5:44
 227549184/1426460092 [===>..........................] - ETA: 5:45
 227753984/1426460092 [===>..........................] - ETA: 5:45
 227868672/1426460092 [===>..........................] - ETA: 5:45
 227950592/1426460092 [===>..........................] - ETA: 5:45
 228253696/1426460092 [===>..........................] - ETA: 5:45
 228425728/1426460092 [===>..........................] - ETA: 5:45
 228589568/1426460092 [===>..........................] - ETA: 5:45
 228777984/1426460092 [===>..........................] - ETA: 5:45
 228974592/1426460092 [===>..........................] - ETA: 5:44
 229097472/1426460092 [===>..........................] - ETA: 5:45
 229343232/1426460092 [===>..........................] - ETA: 5:45
 229588992/1426460092 [===>..........................] - ETA: 5:45
 229769216/1426460092 [===>..........................] - ETA: 5:45
 229982208/1426460092 [===>..........................] - ETA: 5:45
 230236160/1426460092 [===>..........................] - ETA: 5:44
 230342656/1426460092 [===>..........................] - ETA: 5:45
 230391808/1426460092 [===>..........................] - ETA: 5:45
 230416384/1426460092 [===>..........................] - ETA: 5:45
 230498304/1426460092 [===>..........................] - ETA: 5:45
 230514688/1426460092 [===>..........................] - ETA: 5:46
 230539264/1426460092 [===>..........................] - ETA: 5:46
 230588416/1426460092 [===>..........................] - ETA: 5:46
 230612992/1426460092 [===>..........................] - ETA: 5:46
 230678528/1426460092 [===>..........................] - ETA: 5:47
 230744064/1426460092 [===>..........................] - ETA: 5:48
 230973440/1426460092 [===>..........................] - ETA: 5:47
 231055360/1426460092 [===>..........................] - ETA: 5:48
 231464960/1426460092 [===>..........................] - ETA: 5:47
 231661568/1426460092 [===>..........................] - ETA: 5:48
 231686144/1426460092 [===>..........................] - ETA: 5:48
 231694336/1426460092 [===>..........................] - ETA: 5:48
 231784448/1426460092 [===>..........................] - ETA: 5:49
 231825408/1426460092 [===>..........................] - ETA: 5:49
 231915520/1426460092 [===>..........................] - ETA: 5:49
 231981056/1426460092 [===>..........................] - ETA: 5:49
 232054784/1426460092 [===>..........................] - ETA: 5:49
 232153088/1426460092 [===>..........................] - ETA: 5:50
 232284160/1426460092 [===>..........................] - ETA: 5:50
 232349696/1426460092 [===>..........................] - ETA: 5:57
 232374272/1426460092 [===>..........................] - ETA: 5:57
 232398848/1426460092 [===>..........................] - ETA: 5:58
 232538112/1426460092 [===>..........................] - ETA: 5:59
 232816640/1426460092 [===>..........................] - ETA: 5:58
 232914944/1426460092 [===>..........................] - ETA: 5:59
 233029632/1426460092 [===>..........................] - ETA: 5:59
 233111552/1426460092 [===>..........................] - ETA: 5:59
 233250816/1426460092 [===>..........................] - ETA: 5:59
 233365504/1426460092 [===>..........................] - ETA: 5:59
 233545728/1426460092 [===>..........................] - ETA: 5:59
 233693184/1426460092 [===>..........................] - ETA: 5:59
 233914368/1426460092 [===>..........................] - ETA: 5:59
 233955328/1426460092 [===>..........................] - ETA: 5:59
 234127360/1426460092 [===>..........................] - ETA: 5:59
 234299392/1426460092 [===>..........................] - ETA: 5:59
 234553344/1426460092 [===>..........................] - ETA: 5:59
 234651648/1426460092 [===>..........................] - ETA: 5:59
 234749952/1426460092 [===>..........................] - ETA: 5:59
 234962944/1426460092 [===>..........................] - ETA: 5:59
 235175936/1426460092 [===>..........................] - ETA: 5:59
 235388928/1426460092 [===>..........................] - ETA: 5:58
 235618304/1426460092 [===>..........................] - ETA: 5:58
 235954176/1426460092 [===>..........................] - ETA: 5:58
 236109824/1426460092 [===>..........................] - ETA: 5:58
 236306432/1426460092 [===>..........................] - ETA: 5:58
 236593152/1426460092 [===>..........................] - ETA: 5:58
 236814336/1426460092 [===>..........................] - ETA: 5:58
 237101056/1426460092 [===>..........................] - ETA: 5:58
 237338624/1426460092 [===>..........................] - ETA: 5:57
 237625344/1426460092 [===>..........................] - ETA: 5:57
 237821952/1426460092 [====>.........................] - ETA: 5:57
 237977600/1426460092 [====>.........................] - ETA: 5:57
 238305280/1426460092 [====>.........................] - ETA: 5:57
 238575616/1426460092 [====>.........................] - ETA: 5:57
 238903296/1426460092 [====>.........................] - ETA: 5:56
 239247360/1426460092 [====>.........................] - ETA: 5:56
 239583232/1426460092 [====>.........................] - ETA: 5:56
 239812608/1426460092 [====>.........................] - ETA: 5:56
 239828992/1426460092 [====>.........................] - ETA: 5:56
 240189440/1426460092 [====>.........................] - ETA: 5:56
 240435200/1426460092 [====>.........................] - ETA: 5:56
 240746496/1426460092 [====>.........................] - ETA: 5:56
 241074176/1426460092 [====>.........................] - ETA: 5:55
 241442816/1426460092 [====>.........................] - ETA: 5:55
 241582080/1426460092 [====>.........................] - ETA: 5:55
 241836032/1426460092 [====>.........................] - ETA: 5:55
 241893376/1426460092 [====>.........................] - ETA: 5:56
 242163712/1426460092 [====>.........................] - ETA: 5:56
 242442240/1426460092 [====>.........................] - ETA: 5:56
 242597888/1426460092 [====>.........................] - ETA: 5:56
 243228672/1426460092 [====>.........................] - ETA: 5:55
 243539968/1426460092 [====>.........................] - ETA: 5:55
 243646464/1426460092 [====>.........................] - ETA: 5:55
 243793920/1426460092 [====>.........................] - ETA: 5:55
 244039680/1426460092 [====>.........................] - ETA: 5:55
 244318208/1426460092 [====>.........................] - ETA: 5:54
 244342784/1426460092 [====>.........................] - ETA: 5:55
 244580352/1426460092 [====>.........................] - ETA: 5:54
 244834304/1426460092 [====>.........................] - ETA: 5:54
 244973568/1426460092 [====>.........................] - ETA: 5:54
 245194752/1426460092 [====>.........................] - ETA: 5:54
 245358592/1426460092 [====>.........................] - ETA: 5:54
 245547008/1426460092 [====>.........................] - ETA: 5:54
 245825536/1426460092 [====>.........................] - ETA: 5:54
 246022144/1426460092 [====>.........................] - ETA: 5:54
 246161408/1426460092 [====>.........................] - ETA: 5:54
 246300672/1426460092 [====>.........................] - ETA: 5:54
 246497280/1426460092 [====>.........................] - ETA: 5:54
 246677504/1426460092 [====>.........................] - ETA: 5:54
 246874112/1426460092 [====>.........................] - ETA: 5:54
 246956032/1426460092 [====>.........................] - ETA: 5:54
 247095296/1426460092 [====>.........................] - ETA: 5:54
 247201792/1426460092 [====>.........................] - ETA: 5:54
 247357440/1426460092 [====>.........................] - ETA: 5:54
 247488512/1426460092 [====>.........................] - ETA: 5:54
 247586816/1426460092 [====>.........................] - ETA: 5:54
 247742464/1426460092 [====>.........................] - ETA: 5:54
 247922688/1426460092 [====>.........................] - ETA: 5:54
 248020992/1426460092 [====>.........................] - ETA: 5:54
 248193024/1426460092 [====>.........................] - ETA: 5:55
 248471552/1426460092 [====>.........................] - ETA: 5:55
 248782848/1426460092 [====>.........................] - ETA: 5:54
 248938496/1426460092 [====>.........................] - ETA: 5:54
 249184256/1426460092 [====>.........................] - ETA: 5:54
 249323520/1426460092 [====>.........................] - ETA: 5:55
 249413632/1426460092 [====>.........................] - ETA: 5:55
 249503744/1426460092 [====>.........................] - ETA: 5:55
 249520128/1426460092 [====>.........................] - ETA: 5:56
 250036224/1426460092 [====>.........................] - ETA: 5:55
 250380288/1426460092 [====>.........................] - ETA: 5:55
 250560512/1426460092 [====>.........................] - ETA: 5:54
 250814464/1426460092 [====>.........................] - ETA: 5:54
 250978304/1426460092 [====>.........................] - ETA: 5:54
 251289600/1426460092 [====>.........................] - ETA: 5:54
 251584512/1426460092 [====>.........................] - ETA: 5:54
 251813888/1426460092 [====>.........................] - ETA: 5:54
 251994112/1426460092 [====>.........................] - ETA: 5:54
 252198912/1426460092 [====>.........................] - ETA: 5:54
 252436480/1426460092 [====>.........................] - ETA: 5:53
 252690432/1426460092 [====>.........................] - ETA: 5:53
 252895232/1426460092 [====>.........................] - ETA: 5:53
 253083648/1426460092 [====>.........................] - ETA: 5:53
 253378560/1426460092 [====>.........................] - ETA: 5:53
 253648896/1426460092 [====>.........................] - ETA: 5:52
 254017536/1426460092 [====>.........................] - ETA: 5:53
 254353408/1426460092 [====>.........................] - ETA: 5:52
 254599168/1426460092 [====>.........................] - ETA: 5:52
 254877696/1426460092 [====>.........................] - ETA: 5:52
 255197184/1426460092 [====>.........................] - ETA: 5:52
 255467520/1426460092 [====>.........................] - ETA: 5:52
 255795200/1426460092 [====>.........................] - ETA: 5:51
 256163840/1426460092 [====>.........................] - ETA: 5:51
 256516096/1426460092 [====>.........................] - ETA: 5:51
 256884736/1426460092 [====>.........................] - ETA: 5:50
 257024000/1426460092 [====>.........................] - ETA: 5:51
 257261568/1426460092 [====>.........................] - ETA: 5:50
 257515520/1426460092 [====>.........................] - ETA: 5:50
 257974272/1426460092 [====>.........................] - ETA: 5:50
 258260992/1426460092 [====>.........................] - ETA: 5:50
 258605056/1426460092 [====>.........................] - ETA: 5:49
 258834432/1426460092 [====>.........................] - ETA: 5:49
 259063808/1426460092 [====>.........................] - ETA: 5:49
 259448832/1426460092 [====>.........................] - ETA: 5:49
 259645440/1426460092 [====>.........................] - ETA: 5:49
 259825664/1426460092 [====>.........................] - ETA: 5:49
 260128768/1426460092 [====>.........................] - ETA: 5:48
 260292608/1426460092 [====>.........................] - ETA: 5:48
 260571136/1426460092 [====>.........................] - ETA: 5:48
 260694016/1426460092 [====>.........................] - ETA: 5:48
 260808704/1426460092 [====>.........................] - ETA: 5:49
 261169152/1426460092 [====>.........................] - ETA: 5:49
 261406720/1426460092 [====>.........................] - ETA: 5:49
 261873664/1426460092 [====>.........................] - ETA: 5:49
 262111232/1426460092 [====>.........................] - ETA: 5:48
 262340608/1426460092 [====>.........................] - ETA: 5:48
 262692864/1426460092 [====>.........................] - ETA: 5:48
 262946816/1426460092 [====>.........................] - ETA: 5:48
 263151616/1426460092 [====>.........................] - ETA: 5:48
 263372800/1426460092 [====>.........................] - ETA: 5:48
 263798784/1426460092 [====>.........................] - ETA: 5:47
 264085504/1426460092 [====>.........................] - ETA: 5:47
 264200192/1426460092 [====>.........................] - ETA: 5:47
 264486912/1426460092 [====>.........................] - ETA: 5:47
 264765440/1426460092 [====>.........................] - ETA: 5:47
 264888320/1426460092 [====>.........................] - ETA: 5:47
 265191424/1426460092 [====>.........................] - ETA: 5:46
 265437184/1426460092 [====>.........................] - ETA: 5:46
 265551872/1426460092 [====>.........................] - ETA: 5:46
 265822208/1426460092 [====>.........................] - ETA: 5:46
 266043392/1426460092 [====>.........................] - ETA: 5:46
 266199040/1426460092 [====>.........................] - ETA: 5:46
 266444800/1426460092 [====>.........................] - ETA: 5:46
 266641408/1426460092 [====>.........................] - ETA: 5:46
 266936320/1426460092 [====>.........................] - ETA: 5:46
 267182080/1426460092 [====>.........................] - ETA: 5:45
 267362304/1426460092 [====>.........................] - ETA: 5:45
 267558912/1426460092 [====>.........................] - ETA: 5:45
 267821056/1426460092 [====>.........................] - ETA: 5:45
 268066816/1426460092 [====>.........................] - ETA: 5:45
 268312576/1426460092 [====>.........................] - ETA: 5:45
 268460032/1426460092 [====>.........................] - ETA: 5:45
 268648448/1426460092 [====>.........................] - ETA: 5:45
 268869632/1426460092 [====>.........................] - ETA: 5:45
 269090816/1426460092 [====>.........................] - ETA: 5:44
 269312000/1426460092 [====>.........................] - ETA: 5:44
 269549568/1426460092 [====>.........................] - ETA: 5:44
 269697024/1426460092 [====>.........................] - ETA: 5:44
 269877248/1426460092 [====>.........................] - ETA: 5:44
 270163968/1426460092 [====>.........................] - ETA: 5:44
 270368768/1426460092 [====>.........................] - ETA: 5:44
 270598144/1426460092 [====>.........................] - ETA: 5:44
 270729216/1426460092 [====>.........................] - ETA: 5:44
 270835712/1426460092 [====>.........................] - ETA: 5:44
 270893056/1426460092 [====>.........................] - ETA: 5:45
 271048704/1426460092 [====>.........................] - ETA: 5:45
 271245312/1426460092 [====>.........................] - ETA: 5:45
 271400960/1426460092 [====>.........................] - ETA: 5:45
 271663104/1426460092 [====>.........................] - ETA: 5:44
 271835136/1426460092 [====>.........................] - ETA: 5:44
 272048128/1426460092 [====>.........................] - ETA: 5:44
 272285696/1426460092 [====>.........................] - ETA: 5:44
 272547840/1426460092 [====>.........................] - ETA: 5:44
 272670720/1426460092 [====>.........................] - ETA: 5:44
 273080320/1426460092 [====>.........................] - ETA: 5:44
 273309696/1426460092 [====>.........................] - ETA: 5:44
 273612800/1426460092 [====>.........................] - ETA: 5:43
 273907712/1426460092 [====>.........................] - ETA: 5:43
 274251776/1426460092 [====>.........................] - ETA: 5:43
 274472960/1426460092 [====>.........................] - ETA: 5:43
 274849792/1426460092 [====>.........................] - ETA: 5:42
 275120128/1426460092 [====>.........................] - ETA: 5:42
 275439616/1426460092 [====>.........................] - ETA: 5:42
 275628032/1426460092 [====>.........................] - ETA: 5:42
 275963904/1426460092 [====>.........................] - ETA: 5:41
 276291584/1426460092 [====>.........................] - ETA: 5:41
 276652032/1426460092 [====>.........................] - ETA: 5:41
 276660224/1426460092 [====>.........................] - ETA: 5:41
 277159936/1426460092 [====>.........................] - ETA: 5:41
 277422080/1426460092 [====>.........................] - ETA: 5:41
 277831680/1426460092 [====>.........................] - ETA: 5:40
 278110208/1426460092 [====>.........................] - ETA: 5:40
 278446080/1426460092 [====>.........................] - ETA: 5:40
 278806528/1426460092 [====>.........................] - ETA: 5:40
 279126016/1426460092 [====>.........................] - ETA: 5:39
 279240704/1426460092 [====>.........................] - ETA: 5:40
 279642112/1426460092 [====>.........................] - ETA: 5:39
 280035328/1426460092 [====>.........................] - ETA: 5:39
 280444928/1426460092 [====>.........................] - ETA: 5:38
 280592384/1426460092 [====>.........................] - ETA: 5:38
 280952832/1426460092 [====>.........................] - ETA: 5:38
 281223168/1426460092 [====>.........................] - ETA: 5:38
 281649152/1426460092 [====>.........................] - ETA: 5:37
 281886720/1426460092 [====>.........................] - ETA: 5:37
 282279936/1426460092 [====>.........................] - ETA: 5:37
 282558464/1426460092 [====>.........................] - ETA: 5:37
 282902528/1426460092 [====>.........................] - ETA: 5:37
 283197440/1426460092 [====>.........................] - ETA: 5:37
 283451392/1426460092 [====>.........................] - ETA: 5:37
 283770880/1426460092 [====>.........................] - ETA: 5:36
 284024832/1426460092 [====>.........................] - ETA: 5:36
 284139520/1426460092 [====>.........................] - ETA: 5:36
 284377088/1426460092 [====>.........................] - ETA: 5:36
 284614656/1426460092 [====>.........................] - ETA: 5:36
 284770304/1426460092 [====>.........................] - ETA: 5:36
 285089792/1426460092 [====>.........................] - ETA: 5:36
 285335552/1426460092 [=====>........................] - ETA: 5:36
 285597696/1426460092 [=====>........................] - ETA: 5:36
 285966336/1426460092 [=====>........................] - ETA: 5:35
 286179328/1426460092 [=====>........................] - ETA: 5:35
 286449664/1426460092 [=====>........................] - ETA: 5:35
 286523392/1426460092 [=====>........................] - ETA: 5:35
 286777344/1426460092 [=====>........................] - ETA: 5:35
 287129600/1426460092 [=====>........................] - ETA: 5:35
 287244288/1426460092 [=====>........................] - ETA: 5:35
 287522816/1426460092 [=====>........................] - ETA: 5:35
 287735808/1426460092 [=====>........................] - ETA: 5:35
 287858688/1426460092 [=====>........................] - ETA: 5:35
 288030720/1426460092 [=====>........................] - ETA: 5:35
 288186368/1426460092 [=====>........................] - ETA: 5:35
 288350208/1426460092 [=====>........................] - ETA: 5:35
 288530432/1426460092 [=====>........................] - ETA: 5:35
 288874496/1426460092 [=====>........................] - ETA: 5:34
 289038336/1426460092 [=====>........................] - ETA: 5:34
 289210368/1426460092 [=====>........................] - ETA: 5:34
 289439744/1426460092 [=====>........................] - ETA: 5:34
 289693696/1426460092 [=====>........................] - ETA: 5:34
 289906688/1426460092 [=====>........................] - ETA: 5:34
 290111488/1426460092 [=====>........................] - ETA: 5:34
 290332672/1426460092 [=====>........................] - ETA: 5:34
 290439168/1426460092 [=====>........................] - ETA: 5:34
 290660352/1426460092 [=====>........................] - ETA: 5:34
 290914304/1426460092 [=====>........................] - ETA: 5:34
 290996224/1426460092 [=====>........................] - ETA: 5:34
 291348480/1426460092 [=====>........................] - ETA: 5:34
 291651584/1426460092 [=====>........................] - ETA: 5:34
 291954688/1426460092 [=====>........................] - ETA: 5:34
 292200448/1426460092 [=====>........................] - ETA: 5:34
 292290560/1426460092 [=====>........................] - ETA: 5:34
 292339712/1426460092 [=====>........................] - ETA: 5:34
 292372480/1426460092 [=====>........................] - ETA: 5:34
 292511744/1426460092 [=====>........................] - ETA: 5:34
 292708352/1426460092 [=====>........................] - ETA: 5:34
 292921344/1426460092 [=====>........................] - ETA: 5:34
 293142528/1426460092 [=====>........................] - ETA: 5:34
 293380096/1426460092 [=====>........................] - ETA: 5:34
 293568512/1426460092 [=====>........................] - ETA: 5:34
 293691392/1426460092 [=====>........................] - ETA: 5:34
 293855232/1426460092 [=====>........................] - ETA: 5:34
 294068224/1426460092 [=====>........................] - ETA: 5:34
 294289408/1426460092 [=====>........................] - ETA: 5:34
 294559744/1426460092 [=====>........................] - ETA: 5:34
 294748160/1426460092 [=====>........................] - ETA: 5:34
 295002112/1426460092 [=====>........................] - ETA: 5:34
 295165952/1426460092 [=====>........................] - ETA: 5:34
 295395328/1426460092 [=====>........................] - ETA: 5:34
 295518208/1426460092 [=====>........................] - ETA: 5:34
 295583744/1426460092 [=====>........................] - ETA: 5:34
 295919616/1426460092 [=====>........................] - ETA: 5:34
 296091648/1426460092 [=====>........................] - ETA: 5:34
 296288256/1426460092 [=====>........................] - ETA: 5:34
 296534016/1426460092 [=====>........................] - ETA: 5:34
 296624128/1426460092 [=====>........................] - ETA: 5:34
 296828928/1426460092 [=====>........................] - ETA: 5:34
 297099264/1426460092 [=====>........................] - ETA: 5:33
 297295872/1426460092 [=====>........................] - ETA: 5:33
 297336832/1426460092 [=====>........................] - ETA: 5:33
 297541632/1426460092 [=====>........................] - ETA: 5:33
 297721856/1426460092 [=====>........................] - ETA: 5:33
 297943040/1426460092 [=====>........................] - ETA: 5:33
 298065920/1426460092 [=====>........................] - ETA: 5:33
 298278912/1426460092 [=====>........................] - ETA: 5:33
 298500096/1426460092 [=====>........................] - ETA: 5:33
 298713088/1426460092 [=====>........................] - ETA: 5:33
 299089920/1426460092 [=====>........................] - ETA: 5:33
 299278336/1426460092 [=====>........................] - ETA: 5:33
 299458560/1426460092 [=====>........................] - ETA: 5:33
 299638784/1426460092 [=====>........................] - ETA: 5:32
 299917312/1426460092 [=====>........................] - ETA: 5:32
 299925504/1426460092 [=====>........................] - ETA: 5:33
 300064768/1426460092 [=====>........................] - ETA: 5:33
 300220416/1426460092 [=====>........................] - ETA: 5:33
 300384256/1426460092 [=====>........................] - ETA: 5:33
 300498944/1426460092 [=====>........................] - ETA: 5:33
 300720128/1426460092 [=====>........................] - ETA: 5:33
 300826624/1426460092 [=====>........................] - ETA: 5:33
 300990464/1426460092 [=====>........................] - ETA: 5:33
 301260800/1426460092 [=====>........................] - ETA: 5:33
 301457408/1426460092 [=====>........................] - ETA: 5:33
 301596672/1426460092 [=====>........................] - ETA: 5:33
 301703168/1426460092 [=====>........................] - ETA: 5:33
 301768704/1426460092 [=====>........................] - ETA: 5:33
 301858816/1426460092 [=====>........................] - ETA: 5:33
 302047232/1426460092 [=====>........................] - ETA: 5:33
 302194688/1426460092 [=====>........................] - ETA: 5:33
 302391296/1426460092 [=====>........................] - ETA: 5:33
 302604288/1426460092 [=====>........................] - ETA: 5:33
 302817280/1426460092 [=====>........................] - ETA: 5:33
 303046656/1426460092 [=====>........................] - ETA: 5:33
 303210496/1426460092 [=====>........................] - ETA: 5:33
 303464448/1426460092 [=====>........................] - ETA: 5:32
 303644672/1426460092 [=====>........................] - ETA: 5:33
 303783936/1426460092 [=====>........................] - ETA: 5:33
 303988736/1426460092 [=====>........................] - ETA: 5:32
 304226304/1426460092 [=====>........................] - ETA: 5:32
 304447488/1426460092 [=====>........................] - ETA: 5:32
 304594944/1426460092 [=====>........................] - ETA: 5:32
 304791552/1426460092 [=====>........................] - ETA: 5:32
 304979968/1426460092 [=====>........................] - ETA: 5:32
 305111040/1426460092 [=====>........................] - ETA: 5:32
 305299456/1426460092 [=====>........................] - ETA: 5:32
 305512448/1426460092 [=====>........................] - ETA: 5:32
 305807360/1426460092 [=====>........................] - ETA: 5:32
 306012160/1426460092 [=====>........................] - ETA: 5:32
 306192384/1426460092 [=====>........................] - ETA: 5:32
 306356224/1426460092 [=====>........................] - ETA: 5:32
 306544640/1426460092 [=====>........................] - ETA: 5:32
 306757632/1426460092 [=====>........................] - ETA: 5:32
 306954240/1426460092 [=====>........................] - ETA: 5:32
 307109888/1426460092 [=====>........................] - ETA: 5:32
 307290112/1426460092 [=====>........................] - ETA: 5:32
 307519488/1426460092 [=====>........................] - ETA: 5:32
 307634176/1426460092 [=====>........................] - ETA: 5:32
 307683328/1426460092 [=====>........................] - ETA: 5:32
 307912704/1426460092 [=====>........................] - ETA: 5:32
 308101120/1426460092 [=====>........................] - ETA: 5:32
 308297728/1426460092 [=====>........................] - ETA: 5:31
 308527104/1426460092 [=====>........................] - ETA: 5:31
 308756480/1426460092 [=====>........................] - ETA: 5:31
 308969472/1426460092 [=====>........................] - ETA: 5:31
 309313536/1426460092 [=====>........................] - ETA: 5:31
 309403648/1426460092 [=====>........................] - ETA: 5:31
 309633024/1426460092 [=====>........................] - ETA: 5:31
 309854208/1426460092 [=====>........................] - ETA: 5:31
 310083584/1426460092 [=====>........................] - ETA: 5:31
 310280192/1426460092 [=====>........................] - ETA: 5:31
 310378496/1426460092 [=====>........................] - ETA: 5:31
 310525952/1426460092 [=====>........................] - ETA: 5:31
 310722560/1426460092 [=====>........................] - ETA: 5:31
 310976512/1426460092 [=====>........................] - ETA: 5:31
 311336960/1426460092 [=====>........................] - ETA: 5:30
 311402496/1426460092 [=====>........................] - ETA: 5:30
 311672832/1426460092 [=====>........................] - ETA: 5:30
 311861248/1426460092 [=====>........................] - ETA: 5:30
 312156160/1426460092 [=====>........................] - ETA: 5:30
 312295424/1426460092 [=====>........................] - ETA: 5:30
 312803328/1426460092 [=====>........................] - ETA: 5:29
 313065472/1426460092 [=====>........................] - ETA: 5:29
 313253888/1426460092 [=====>........................] - ETA: 5:29
 313499648/1426460092 [=====>........................] - ETA: 5:29
 313745408/1426460092 [=====>........................] - ETA: 5:29
 313933824/1426460092 [=====>........................] - ETA: 5:29
 314146816/1426460092 [=====>........................] - ETA: 5:29
 314318848/1426460092 [=====>........................] - ETA: 5:29
 314507264/1426460092 [=====>........................] - ETA: 5:29
 314826752/1426460092 [=====>........................] - ETA: 5:28
 314949632/1426460092 [=====>........................] - ETA: 5:29
 315187200/1426460092 [=====>........................] - ETA: 5:28
 315424768/1426460092 [=====>........................] - ETA: 5:28
 315744256/1426460092 [=====>........................] - ETA: 5:28
 315891712/1426460092 [=====>........................] - ETA: 5:28
 316153856/1426460092 [=====>........................] - ETA: 5:28
 316235776/1426460092 [=====>........................] - ETA: 5:28
 316538880/1426460092 [=====>........................] - ETA: 5:28
 316661760/1426460092 [=====>........................] - ETA: 5:28
 316915712/1426460092 [=====>........................] - ETA: 5:28
 317005824/1426460092 [=====>........................] - ETA: 5:28
 317284352/1426460092 [=====>........................] - ETA: 5:27
 317423616/1426460092 [=====>........................] - ETA: 5:27
 317579264/1426460092 [=====>........................] - ETA: 5:28
 317800448/1426460092 [=====>........................] - ETA: 5:27
 317972480/1426460092 [=====>........................] - ETA: 5:27
 318177280/1426460092 [=====>........................] - ETA: 5:27
 318414848/1426460092 [=====>........................] - ETA: 5:27
 318545920/1426460092 [=====>........................] - ETA: 5:27
 318758912/1426460092 [=====>........................] - ETA: 5:27
 318914560/1426460092 [=====>........................] - ETA: 5:27
 319078400/1426460092 [=====>........................] - ETA: 5:27
 319283200/1426460092 [=====>........................] - ETA: 5:27
 319504384/1426460092 [=====>........................] - ETA: 5:27
 319774720/1426460092 [=====>........................] - ETA: 5:27
 319995904/1426460092 [=====>........................] - ETA: 5:27
 320258048/1426460092 [=====>........................] - ETA: 5:27
 320528384/1426460092 [=====>........................] - ETA: 5:27
 320643072/1426460092 [=====>........................] - ETA: 5:27
 320946176/1426460092 [=====>........................] - ETA: 5:27
 321175552/1426460092 [=====>........................] - ETA: 5:27
 321388544/1426460092 [=====>........................] - ETA: 5:26
 321650688/1426460092 [=====>........................] - ETA: 5:26
 321675264/1426460092 [=====>........................] - ETA: 5:27
 321896448/1426460092 [=====>........................] - ETA: 5:27
 322084864/1426460092 [=====>........................] - ETA: 5:27
 322183168/1426460092 [=====>........................] - ETA: 5:27
 322412544/1426460092 [=====>........................] - ETA: 5:27
 322486272/1426460092 [=====>........................] - ETA: 5:27
 322600960/1426460092 [=====>........................] - ETA: 5:27
 323297280/1426460092 [=====>........................] - ETA: 5:27
 323493888/1426460092 [=====>........................] - ETA: 5:27
 323665920/1426460092 [=====>........................] - ETA: 5:27
 323928064/1426460092 [=====>........................] - ETA: 5:26
 324059136/1426460092 [=====>........................] - ETA: 5:27
 324190208/1426460092 [=====>........................] - ETA: 5:27
 324214784/1426460092 [=====>........................] - ETA: 5:27
 324304896/1426460092 [=====>........................] - ETA: 5:27
 324386816/1426460092 [=====>........................] - ETA: 5:27
 324468736/1426460092 [=====>........................] - ETA: 5:27
 324640768/1426460092 [=====>........................] - ETA: 5:27
 324771840/1426460092 [=====>........................] - ETA: 5:27
 324919296/1426460092 [=====>........................] - ETA: 5:27
 325009408/1426460092 [=====>........................] - ETA: 5:27
 325173248/1426460092 [=====>........................] - ETA: 5:27
 325312512/1426460092 [=====>........................] - ETA: 5:27
 325492736/1426460092 [=====>........................] - ETA: 5:27
 325697536/1426460092 [=====>........................] - ETA: 5:27
 325804032/1426460092 [=====>........................] - ETA: 5:27
 325951488/1426460092 [=====>........................] - ETA: 5:27
 326049792/1426460092 [=====>........................] - ETA: 5:27
 326295552/1426460092 [=====>........................] - ETA: 5:27
 326434816/1426460092 [=====>........................] - ETA: 5:27
 326623232/1426460092 [=====>........................] - ETA: 5:27
 326868992/1426460092 [=====>........................] - ETA: 5:27
 326983680/1426460092 [=====>........................] - ETA: 5:27
 327180288/1426460092 [=====>........................] - ETA: 5:27
 327467008/1426460092 [=====>........................] - ETA: 5:27
 327647232/1426460092 [=====>........................] - ETA: 5:27
 327835648/1426460092 [=====>........................] - ETA: 5:27
 327999488/1426460092 [=====>........................] - ETA: 5:27
 328171520/1426460092 [=====>........................] - ETA: 5:27
 328261632/1426460092 [=====>........................] - ETA: 5:27
 328572928/1426460092 [=====>........................] - ETA: 5:27
 328769536/1426460092 [=====>........................] - ETA: 5:27
 328949760/1426460092 [=====>........................] - ETA: 5:27
 329203712/1426460092 [=====>........................] - ETA: 5:27
 329302016/1426460092 [=====>........................] - ETA: 5:27
 329572352/1426460092 [=====>........................] - ETA: 5:26
 329744384/1426460092 [=====>........................] - ETA: 5:26
 329973760/1426460092 [=====>........................] - ETA: 5:26
 330252288/1426460092 [=====>........................] - ETA: 5:26
 330498048/1426460092 [=====>........................] - ETA: 5:26
 330612736/1426460092 [=====>........................] - ETA: 5:26
 330850304/1426460092 [=====>........................] - ETA: 5:26
 331063296/1426460092 [=====>........................] - ETA: 5:26
 331276288/1426460092 [=====>........................] - ETA: 5:26
 331489280/1426460092 [=====>........................] - ETA: 5:26
 331784192/1426460092 [=====>........................] - ETA: 5:26
 331915264/1426460092 [=====>........................] - ETA: 5:26
 332070912/1426460092 [=====>........................] - ETA: 5:26
 332365824/1426460092 [=====>........................] - ETA: 5:26
 332537856/1426460092 [=====>........................] - ETA: 5:25
 332734464/1426460092 [=====>........................] - ETA: 5:26
 332972032/1426460092 [======>.......................] - ETA: 5:25
 333160448/1426460092 [======>.......................] - ETA: 5:25
 333406208/1426460092 [======>.......................] - ETA: 5:25
 333635584/1426460092 [======>.......................] - ETA: 5:25
 333856768/1426460092 [======>.......................] - ETA: 5:25
 333955072/1426460092 [======>.......................] - ETA: 5:25
 334225408/1426460092 [======>.......................] - ETA: 5:25
 334348288/1426460092 [======>.......................] - ETA: 5:25
 334520320/1426460092 [======>.......................] - ETA: 5:25
 334602240/1426460092 [======>.......................] - ETA: 5:25
 334684160/1426460092 [======>.......................] - ETA: 5:25
 334921728/1426460092 [======>.......................] - ETA: 5:25
 335175680/1426460092 [======>.......................] - ETA: 5:25
 335364096/1426460092 [======>.......................] - ETA: 5:25
 335519744/1426460092 [======>.......................] - ETA: 5:25
 335749120/1426460092 [======>.......................] - ETA: 5:25
 335978496/1426460092 [======>.......................] - ETA: 5:25
 336216064/1426460092 [======>.......................] - ETA: 5:25
 336371712/1426460092 [======>.......................] - ETA: 5:25
 336568320/1426460092 [======>.......................] - ETA: 5:25
 336707584/1426460092 [======>.......................] - ETA: 5:25
 336912384/1426460092 [======>.......................] - ETA: 5:24
 337018880/1426460092 [======>.......................] - ETA: 5:24
 337199104/1426460092 [======>.......................] - ETA: 5:24
 337395712/1426460092 [======>.......................] - ETA: 5:24
 337575936/1426460092 [======>.......................] - ETA: 5:24
 337698816/1426460092 [======>.......................] - ETA: 5:25
 337838080/1426460092 [======>.......................] - ETA: 5:25
 337969152/1426460092 [======>.......................] - ETA: 5:25
 338214912/1426460092 [======>.......................] - ETA: 5:25
 338280448/1426460092 [======>.......................] - ETA: 5:25
 338632704/1426460092 [======>.......................] - ETA: 5:25
 338821120/1426460092 [======>.......................] - ETA: 5:25
 338984960/1426460092 [======>.......................] - ETA: 5:25
 339222528/1426460092 [======>.......................] - ETA: 5:25
 339238912/1426460092 [======>.......................] - ETA: 5:25
 339288064/1426460092 [======>.......................] - ETA: 5:26
 339312640/1426460092 [======>.......................] - ETA: 5:26
 339386368/1426460092 [======>.......................] - ETA: 5:26
 339615744/1426460092 [======>.......................] - ETA: 5:26
 339673088/1426460092 [======>.......................] - ETA: 5:26
 339738624/1426460092 [======>.......................] - ETA: 5:27
 339886080/1426460092 [======>.......................] - ETA: 5:27
 339943424/1426460092 [======>.......................] - ETA: 5:27
 339959808/1426460092 [======>.......................] - ETA: 5:27
 340033536/1426460092 [======>.......................] - ETA: 5:27
 340090880/1426460092 [======>.......................] - ETA: 5:28
 340148224/1426460092 [======>.......................] - ETA: 5:28
 340221952/1426460092 [======>.......................] - ETA: 5:28
 340295680/1426460092 [======>.......................] - ETA: 5:28
 340369408/1426460092 [======>.......................] - ETA: 5:28
 340410368/1426460092 [======>.......................] - ETA: 5:29
 340606976/1426460092 [======>.......................] - ETA: 5:29
 340672512/1426460092 [======>.......................] - ETA: 5:29
 340770816/1426460092 [======>.......................] - ETA: 5:29
 340860928/1426460092 [======>.......................] - ETA: 5:29
 340992000/1426460092 [======>.......................] - ETA: 5:29
 341049344/1426460092 [======>.......................] - ETA: 5:29
 341131264/1426460092 [======>.......................] - ETA: 5:29
 341270528/1426460092 [======>.......................] - ETA: 5:29
 341401600/1426460092 [======>.......................] - ETA: 5:29
 341524480/1426460092 [======>.......................] - ETA: 5:29
 341622784/1426460092 [======>.......................] - ETA: 5:29
 341811200/1426460092 [======>.......................] - ETA: 5:29
 341860352/1426460092 [======>.......................] - ETA: 5:29
 341991424/1426460092 [======>.......................] - ETA: 5:29
 342106112/1426460092 [======>.......................] - ETA: 5:29
 342212608/1426460092 [======>.......................] - ETA: 5:29
 342360064/1426460092 [======>.......................] - ETA: 5:29
 342409216/1426460092 [======>.......................] - ETA: 5:29
 342630400/1426460092 [======>.......................] - ETA: 5:29
 342794240/1426460092 [======>.......................] - ETA: 5:29
 342949888/1426460092 [======>.......................] - ETA: 5:29
 343072768/1426460092 [======>.......................] - ETA: 5:29
 343236608/1426460092 [======>.......................] - ETA: 5:29
 343367680/1426460092 [======>.......................] - ETA: 5:29
 343629824/1426460092 [======>.......................] - ETA: 5:29
 343736320/1426460092 [======>.......................] - ETA: 5:29
 343941120/1426460092 [======>.......................] - ETA: 5:29
 344104960/1426460092 [======>.......................] - ETA: 5:29
 344203264/1426460092 [======>.......................] - ETA: 5:29
 344342528/1426460092 [======>.......................] - ETA: 5:29
 344522752/1426460092 [======>.......................] - ETA: 5:29
 344752128/1426460092 [======>.......................] - ETA: 5:29
 344891392/1426460092 [======>.......................] - ETA: 5:29
 345047040/1426460092 [======>.......................] - ETA: 5:29
 345210880/1426460092 [======>.......................] - ETA: 5:29
 345432064/1426460092 [======>.......................] - ETA: 5:29
 345587712/1426460092 [======>.......................] - ETA: 5:29
 345636864/1426460092 [======>.......................] - ETA: 5:29
 345759744/1426460092 [======>.......................] - ETA: 5:29
 345866240/1426460092 [======>.......................] - ETA: 5:29
 346062848/1426460092 [======>.......................] - ETA: 5:29
 346177536/1426460092 [======>.......................] - ETA: 5:29
 346308608/1426460092 [======>.......................] - ETA: 5:29
 346456064/1426460092 [======>.......................] - ETA: 5:29
 346554368/1426460092 [======>.......................] - ETA: 5:29
 346693632/1426460092 [======>.......................] - ETA: 5:29
 346841088/1426460092 [======>.......................] - ETA: 5:29
 347021312/1426460092 [======>.......................] - ETA: 5:29
 347152384/1426460092 [======>.......................] - ETA: 5:29
 347365376/1426460092 [======>.......................] - ETA: 5:29
 347496448/1426460092 [======>.......................] - ETA: 5:29
 347717632/1426460092 [======>.......................] - ETA: 5:29
 347897856/1426460092 [======>.......................] - ETA: 5:29
 348160000/1426460092 [======>.......................] - ETA: 5:29
 348397568/1426460092 [======>.......................] - ETA: 5:29
 348594176/1426460092 [======>.......................] - ETA: 5:29
 348749824/1426460092 [======>.......................] - ETA: 5:29
 349011968/1426460092 [======>.......................] - ETA: 5:28
 349282304/1426460092 [======>.......................] - ETA: 5:28
 349462528/1426460092 [======>.......................] - ETA: 5:28
 349634560/1426460092 [======>.......................] - ETA: 5:28
 349814784/1426460092 [======>.......................] - ETA: 5:28
 350060544/1426460092 [======>.......................] - ETA: 5:28
 350208000/1426460092 [======>.......................] - ETA: 5:28
 350461952/1426460092 [======>.......................] - ETA: 5:28
 350593024/1426460092 [======>.......................] - ETA: 5:28
 350879744/1426460092 [======>.......................] - ETA: 5:28
 350920704/1426460092 [======>.......................] - ETA: 5:28
 351223808/1426460092 [======>.......................] - ETA: 5:28
 351444992/1426460092 [======>.......................] - ETA: 5:28
 351674368/1426460092 [======>.......................] - ETA: 5:27
 351854592/1426460092 [======>.......................] - ETA: 5:27
 352174080/1426460092 [======>.......................] - ETA: 5:27
 352313344/1426460092 [======>.......................] - ETA: 5:27
 352559104/1426460092 [======>.......................] - ETA: 5:27
 352837632/1426460092 [======>.......................] - ETA: 5:27
 353075200/1426460092 [======>.......................] - ETA: 5:28
 353337344/1426460092 [======>.......................] - ETA: 5:27
 353517568/1426460092 [======>.......................] - ETA: 5:27
 353763328/1426460092 [======>.......................] - ETA: 5:27
 353935360/1426460092 [======>.......................] - ETA: 5:27
 354017280/1426460092 [======>.......................] - ETA: 5:28
 354074624/1426460092 [======>.......................] - ETA: 5:28
 354164736/1426460092 [======>.......................] - ETA: 5:29
 354238464/1426460092 [======>.......................] - ETA: 5:29
 354279424/1426460092 [======>.......................] - ETA: 5:30
 354549760/1426460092 [======>.......................] - ETA: 5:30
 354639872/1426460092 [======>.......................] - ETA: 5:30
 354934784/1426460092 [======>.......................] - ETA: 5:30
 354951168/1426460092 [======>.......................] - ETA: 5:30
 355049472/1426460092 [======>.......................] - ETA: 5:30
 355123200/1426460092 [======>.......................] - ETA: 5:31
 355196928/1426460092 [======>.......................] - ETA: 5:31
 355459072/1426460092 [======>.......................] - ETA: 5:31
 355696640/1426460092 [======>.......................] - ETA: 5:31
 355901440/1426460092 [======>.......................] - ETA: 5:31
 356114432/1426460092 [======>.......................] - ETA: 5:30
 356319232/1426460092 [======>.......................] - ETA: 5:30
 356540416/1426460092 [======>.......................] - ETA: 5:30
 356728832/1426460092 [======>.......................] - ETA: 5:30
 357048320/1426460092 [======>.......................] - ETA: 5:30
 357081088/1426460092 [======>.......................] - ETA: 5:30
 357400576/1426460092 [======>.......................] - ETA: 5:30
 357662720/1426460092 [======>.......................] - ETA: 5:30
 357826560/1426460092 [======>.......................] - ETA: 5:30
 358195200/1426460092 [======>.......................] - ETA: 5:29
 358473728/1426460092 [======>.......................] - ETA: 5:29
 358834176/1426460092 [======>.......................] - ETA: 5:29
 358989824/1426460092 [======>.......................] - ETA: 5:29
 359235584/1426460092 [======>.......................] - ETA: 5:29
 359628800/1426460092 [======>.......................] - ETA: 5:28
 359743488/1426460092 [======>.......................] - ETA: 5:28
 360038400/1426460092 [======>.......................] - ETA: 5:28
 360325120/1426460092 [======>.......................] - ETA: 5:28
 360701952/1426460092 [======>.......................] - ETA: 5:28
 360759296/1426460092 [======>.......................] - ETA: 5:28
 361021440/1426460092 [======>.......................] - ETA: 5:28
 361299968/1426460092 [======>.......................] - ETA: 5:28
 361619456/1426460092 [======>.......................] - ETA: 5:27
 361979904/1426460092 [======>.......................] - ETA: 5:27
 362233856/1426460092 [======>.......................] - ETA: 5:27
 362586112/1426460092 [======>.......................] - ETA: 5:27
 362864640/1426460092 [======>.......................] - ETA: 5:26
 363077632/1426460092 [======>.......................] - ETA: 5:26
 363429888/1426460092 [======>.......................] - ETA: 5:26
 363593728/1426460092 [======>.......................] - ETA: 5:26
 363937792/1426460092 [======>.......................] - ETA: 5:26
 364191744/1426460092 [======>.......................] - ETA: 5:26
 364396544/1426460092 [======>.......................] - ETA: 5:26
 364617728/1426460092 [======>.......................] - ETA: 5:25
 364838912/1426460092 [======>.......................] - ETA: 5:25
 365109248/1426460092 [======>.......................] - ETA: 5:25
 365322240/1426460092 [======>.......................] - ETA: 5:25
 365453312/1426460092 [======>.......................] - ETA: 5:26
 365862912/1426460092 [======>.......................] - ETA: 5:25
 366092288/1426460092 [======>.......................] - ETA: 5:25
 366379008/1426460092 [======>.......................] - ETA: 5:25
 366747648/1426460092 [======>.......................] - ETA: 5:25
 366927872/1426460092 [======>.......................] - ETA: 5:25
 367304704/1426460092 [======>.......................] - ETA: 5:24
 367542272/1426460092 [======>.......................] - ETA: 5:24
 367550464/1426460092 [======>.......................] - ETA: 5:24
 367828992/1426460092 [======>.......................] - ETA: 5:24
 368115712/1426460092 [======>.......................] - ETA: 5:24
 368484352/1426460092 [======>.......................] - ETA: 5:24
 368803840/1426460092 [======>.......................] - ETA: 5:24
 369238016/1426460092 [======>.......................] - ETA: 5:23
 369360896/1426460092 [======>.......................] - ETA: 5:23
 369598464/1426460092 [======>.......................] - ETA: 5:23
 369754112/1426460092 [======>.......................] - ETA: 5:23
 370081792/1426460092 [======>.......................] - ETA: 5:23
 370352128/1426460092 [======>.......................] - ETA: 5:23
 370532352/1426460092 [======>.......................] - ETA: 5:23
 370909184/1426460092 [======>.......................] - ETA: 5:22
 371113984/1426460092 [======>.......................] - ETA: 5:22
 371318784/1426460092 [======>.......................] - ETA: 5:22
 371613696/1426460092 [======>.......................] - ETA: 5:22
 371818496/1426460092 [======>.......................] - ETA: 5:22
 372047872/1426460092 [======>.......................] - ETA: 5:22
 372269056/1426460092 [======>.......................] - ETA: 5:22
 372473856/1426460092 [======>.......................] - ETA: 5:22
 372506624/1426460092 [======>.......................] - ETA: 5:22
 372752384/1426460092 [======>.......................] - ETA: 5:22
 372957184/1426460092 [======>.......................] - ETA: 5:22
 373121024/1426460092 [======>.......................] - ETA: 5:22
 373481472/1426460092 [======>.......................] - ETA: 5:21
 373760000/1426460092 [======>.......................] - ETA: 5:21
 374054912/1426460092 [======>.......................] - ETA: 5:21
 374276096/1426460092 [======>.......................] - ETA: 5:21
 374497280/1426460092 [======>.......................] - ETA: 5:21
 374726656/1426460092 [======>.......................] - ETA: 5:21
 375078912/1426460092 [======>.......................] - ETA: 5:20
 375324672/1426460092 [======>.......................] - ETA: 5:20
 375578624/1426460092 [======>.......................] - ETA: 5:20
 375898112/1426460092 [======>.......................] - ETA: 5:20
 376258560/1426460092 [======>.......................] - ETA: 5:20
 376619008/1426460092 [======>.......................] - ETA: 5:19
 376774656/1426460092 [======>.......................] - ETA: 5:19
 377069568/1426460092 [======>.......................] - ETA: 5:19
 377298944/1426460092 [======>.......................] - ETA: 5:19
 377585664/1426460092 [======>.......................] - ETA: 5:19
 377937920/1426460092 [======>.......................] - ETA: 5:19
 378142720/1426460092 [======>.......................] - ETA: 5:19
 378257408/1426460092 [======>.......................] - ETA: 5:19
 378363904/1426460092 [======>.......................] - ETA: 5:19
 378372096/1426460092 [======>.......................] - ETA: 5:20
 378642432/1426460092 [======>.......................] - ETA: 5:20
 378970112/1426460092 [======>.......................] - ETA: 5:20
 379248640/1426460092 [======>.......................] - ETA: 5:19
 379527168/1426460092 [======>.......................] - ETA: 5:19
 379772928/1426460092 [======>.......................] - ETA: 5:19
 379822080/1426460092 [======>.......................] - ETA: 5:19
 380059648/1426460092 [======>.......................] - ETA: 5:19
 380157952/1426460092 [======>.......................] - ETA: 5:19
 380403712/1426460092 [=======>......................] - ETA: 5:19
 380518400/1426460092 [=======>......................] - ETA: 5:19
 380616704/1426460092 [=======>......................] - ETA: 5:20
 380887040/1426460092 [=======>......................] - ETA: 5:19
 381050880/1426460092 [=======>......................] - ETA: 5:19
 381304832/1426460092 [=======>......................] - ETA: 5:19
 381526016/1426460092 [=======>......................] - ETA: 5:19
 381730816/1426460092 [=======>......................] - ETA: 5:19
 382001152/1426460092 [=======>......................] - ETA: 5:19
 382181376/1426460092 [=======>......................] - ETA: 5:19
 382418944/1426460092 [=======>......................] - ETA: 5:19
 382672896/1426460092 [=======>......................] - ETA: 5:19
 382869504/1426460092 [=======>......................] - ETA: 5:19
 383123456/1426460092 [=======>......................] - ETA: 5:19
 383328256/1426460092 [=======>......................] - ETA: 5:18
 383557632/1426460092 [=======>......................] - ETA: 5:18
 383803392/1426460092 [=======>......................] - ETA: 5:18
 383909888/1426460092 [=======>......................] - ETA: 5:18
 384073728/1426460092 [=======>......................] - ETA: 5:18
 384294912/1426460092 [=======>......................] - ETA: 5:18
 384516096/1426460092 [=======>......................] - ETA: 5:18
 384679936/1426460092 [=======>......................] - ETA: 5:18
 384958464/1426460092 [=======>......................] - ETA: 5:18
 385318912/1426460092 [=======>......................] - ETA: 5:18
 385638400/1426460092 [=======>......................] - ETA: 5:17
 385867776/1426460092 [=======>......................] - ETA: 5:17
 386121728/1426460092 [=======>......................] - ETA: 5:17
 386285568/1426460092 [=======>......................] - ETA: 5:17
 386539520/1426460092 [=======>......................] - ETA: 5:17
 386752512/1426460092 [=======>......................] - ETA: 5:17
 386949120/1426460092 [=======>......................] - ETA: 5:17
 387153920/1426460092 [=======>......................] - ETA: 5:17
 387375104/1426460092 [=======>......................] - ETA: 5:16
 387596288/1426460092 [=======>......................] - ETA: 5:16
 387874816/1426460092 [=======>......................] - ETA: 5:16
 388030464/1426460092 [=======>......................] - ETA: 5:16
 388186112/1426460092 [=======>......................] - ETA: 5:16
 388390912/1426460092 [=======>......................] - ETA: 5:16
 388554752/1426460092 [=======>......................] - ETA: 5:16
 388849664/1426460092 [=======>......................] - ETA: 5:16
 389193728/1426460092 [=======>......................] - ETA: 5:16
 389390336/1426460092 [=======>......................] - ETA: 5:16
 389619712/1426460092 [=======>......................] - ETA: 5:15
 389873664/1426460092 [=======>......................] - ETA: 5:15
 390070272/1426460092 [=======>......................] - ETA: 5:15
 390340608/1426460092 [=======>......................] - ETA: 5:15
 390619136/1426460092 [=======>......................] - ETA: 5:15
 390856704/1426460092 [=======>......................] - ETA: 5:15
 391151616/1426460092 [=======>......................] - ETA: 5:15
 391389184/1426460092 [=======>......................] - ETA: 5:15
 391651328/1426460092 [=======>......................] - ETA: 5:15
 392011776/1426460092 [=======>......................] - ETA: 5:14
 392216576/1426460092 [=======>......................] - ETA: 5:14
 392740864/1426460092 [=======>......................] - ETA: 5:14
 392929280/1426460092 [=======>......................] - ETA: 5:14
 393175040/1426460092 [=======>......................] - ETA: 5:14
 393445376/1426460092 [=======>......................] - ETA: 5:13
 393633792/1426460092 [=======>......................] - ETA: 5:13
 393863168/1426460092 [=======>......................] - ETA: 5:13
 394108928/1426460092 [=======>......................] - ETA: 5:13
 394174464/1426460092 [=======>......................] - ETA: 5:13
 394182656/1426460092 [=======>......................] - ETA: 5:14
 394444800/1426460092 [=======>......................] - ETA: 5:13
 394756096/1426460092 [=======>......................] - ETA: 5:13
 395091968/1426460092 [=======>......................] - ETA: 5:13
 395378688/1426460092 [=======>......................] - ETA: 5:13
 395517952/1426460092 [=======>......................] - ETA: 5:13
 395714560/1426460092 [=======>......................] - ETA: 5:13
 395878400/1426460092 [=======>......................] - ETA: 5:13
 396099584/1426460092 [=======>......................] - ETA: 5:13
 396419072/1426460092 [=======>......................] - ETA: 5:12
 396648448/1426460092 [=======>......................] - ETA: 5:12
 396877824/1426460092 [=======>......................] - ETA: 5:12
 396935168/1426460092 [=======>......................] - ETA: 5:12
 396967936/1426460092 [=======>......................] - ETA: 5:12
 397025280/1426460092 [=======>......................] - ETA: 5:12
 397148160/1426460092 [=======>......................] - ETA: 5:12
 397312000/1426460092 [=======>......................] - ETA: 5:12
 397451264/1426460092 [=======>......................] - ETA: 5:13
 397590528/1426460092 [=======>......................] - ETA: 5:13
 397737984/1426460092 [=======>......................] - ETA: 5:13
 397778944/1426460092 [=======>......................] - ETA: 5:13
 397910016/1426460092 [=======>......................] - ETA: 5:13
 397959168/1426460092 [=======>......................] - ETA: 5:13
 398163968/1426460092 [=======>......................] - ETA: 5:13
 398303232/1426460092 [=======>......................] - ETA: 5:13
 398450688/1426460092 [=======>......................] - ETA: 5:13
 398598144/1426460092 [=======>......................] - ETA: 5:13
 398688256/1426460092 [=======>......................] - ETA: 5:13
 398794752/1426460092 [=======>......................] - ETA: 5:13
 398966784/1426460092 [=======>......................] - ETA: 5:13
 399122432/1426460092 [=======>......................] - ETA: 5:13
 399294464/1426460092 [=======>......................] - ETA: 5:13
 399474688/1426460092 [=======>......................] - ETA: 5:13
 399712256/1426460092 [=======>......................] - ETA: 5:13
 399900672/1426460092 [=======>......................] - ETA: 5:13
 400130048/1426460092 [=======>......................] - ETA: 5:13
 400293888/1426460092 [=======>......................] - ETA: 5:13
 400596992/1426460092 [=======>......................] - ETA: 5:13
 400728064/1426460092 [=======>......................] - ETA: 5:13
 400965632/1426460092 [=======>......................] - ETA: 5:13
 401113088/1426460092 [=======>......................] - ETA: 5:13
 401326080/1426460092 [=======>......................] - ETA: 5:13
 401448960/1426460092 [=======>......................] - ETA: 5:13
 401661952/1426460092 [=======>......................] - ETA: 5:13
 401924096/1426460092 [=======>......................] - ETA: 5:12
 402071552/1426460092 [=======>......................] - ETA: 5:12
 402251776/1426460092 [=======>......................] - ETA: 5:12
 402546688/1426460092 [=======>......................] - ETA: 5:12
 402718720/1426460092 [=======>......................] - ETA: 5:12
 402956288/1426460092 [=======>......................] - ETA: 5:12
 403251200/1426460092 [=======>......................] - ETA: 5:12
 403423232/1426460092 [=======>......................] - ETA: 5:12
 403693568/1426460092 [=======>......................] - ETA: 5:12
 403857408/1426460092 [=======>......................] - ETA: 5:12
 403914752/1426460092 [=======>......................] - ETA: 5:12
 404127744/1426460092 [=======>......................] - ETA: 5:12
 404258816/1426460092 [=======>......................] - ETA: 5:12
 404316160/1426460092 [=======>......................] - ETA: 5:12
 404553728/1426460092 [=======>......................] - ETA: 5:12
 404840448/1426460092 [=======>......................] - ETA: 5:11
 405069824/1426460092 [=======>......................] - ETA: 5:11
 405176320/1426460092 [=======>......................] - ETA: 5:12
 405446656/1426460092 [=======>......................] - ETA: 5:11
 405692416/1426460092 [=======>......................] - ETA: 5:11
 405913600/1426460092 [=======>......................] - ETA: 5:11
 406142976/1426460092 [=======>......................] - ETA: 5:11
 406388736/1426460092 [=======>......................] - ETA: 5:11
 406519808/1426460092 [=======>......................] - ETA: 5:11
 406683648/1426460092 [=======>......................] - ETA: 5:11
 406896640/1426460092 [=======>......................] - ETA: 5:11
 407109632/1426460092 [=======>......................] - ETA: 5:11
 407273472/1426460092 [=======>......................] - ETA: 5:11
 407625728/1426460092 [=======>......................] - ETA: 5:11
 407724032/1426460092 [=======>......................] - ETA: 5:11
 408059904/1426460092 [=======>......................] - ETA: 5:11
 408264704/1426460092 [=======>......................] - ETA: 5:10
 408313856/1426460092 [=======>......................] - ETA: 5:11
 408584192/1426460092 [=======>......................] - ETA: 5:10
 408764416/1426460092 [=======>......................] - ETA: 5:10
 409059328/1426460092 [=======>......................] - ETA: 5:11
 409296896/1426460092 [=======>......................] - ETA: 5:10
 409591808/1426460092 [=======>......................] - ETA: 5:10
 409812992/1426460092 [=======>......................] - ETA: 5:10
 410034176/1426460092 [=======>......................] - ETA: 5:10
 410271744/1426460092 [=======>......................] - ETA: 5:10
 410517504/1426460092 [=======>......................] - ETA: 5:10
 410812416/1426460092 [=======>......................] - ETA: 5:10
 411074560/1426460092 [=======>......................] - ETA: 5:10
 411344896/1426460092 [=======>......................] - ETA: 5:09
 411631616/1426460092 [=======>......................] - ETA: 5:09
 411746304/1426460092 [=======>......................] - ETA: 5:09
 412008448/1426460092 [=======>......................] - ETA: 5:09
 412336128/1426460092 [=======>......................] - ETA: 5:09
 412573696/1426460092 [=======>......................] - ETA: 5:09
 412770304/1426460092 [=======>......................] - ETA: 5:09
 413048832/1426460092 [=======>......................] - ETA: 5:09
 413302784/1426460092 [=======>......................] - ETA: 5:08
 413540352/1426460092 [=======>......................] - ETA: 5:08
 413712384/1426460092 [=======>......................] - ETA: 5:08
 414064640/1426460092 [=======>......................] - ETA: 5:08
 414212096/1426460092 [=======>......................] - ETA: 5:08
 414228480/1426460092 [=======>......................] - ETA: 5:08
 414318592/1426460092 [=======>......................] - ETA: 5:08
 414498816/1426460092 [=======>......................] - ETA: 5:08
 414736384/1426460092 [=======>......................] - ETA: 5:08
 415064064/1426460092 [=======>......................] - ETA: 5:08
 415195136/1426460092 [=======>......................] - ETA: 5:08
 415580160/1426460092 [=======>......................] - ETA: 5:08
 415801344/1426460092 [=======>......................] - ETA: 5:08
 416047104/1426460092 [=======>......................] - ETA: 5:08
 416243712/1426460092 [=======>......................] - ETA: 5:08
 416481280/1426460092 [=======>......................] - ETA: 5:07
 416702464/1426460092 [=======>......................] - ETA: 5:07
 416735232/1426460092 [=======>......................] - ETA: 5:08
 417038336/1426460092 [=======>......................] - ETA: 5:07
 417210368/1426460092 [=======>......................] - ETA: 5:07
 417439744/1426460092 [=======>......................] - ETA: 5:07
 417628160/1426460092 [=======>......................] - ETA: 5:07
 417783808/1426460092 [=======>......................] - ETA: 5:07
 417988608/1426460092 [=======>......................] - ETA: 5:07
 418226176/1426460092 [=======>......................] - ETA: 5:07
 418463744/1426460092 [=======>......................] - ETA: 5:07
 418766848/1426460092 [=======>......................] - ETA: 5:07
 418922496/1426460092 [=======>......................] - ETA: 5:07
 419127296/1426460092 [=======>......................] - ETA: 5:06
 419233792/1426460092 [=======>......................] - ETA: 5:06
 419454976/1426460092 [=======>......................] - ETA: 5:06
 419610624/1426460092 [=======>......................] - ETA: 5:06
 419758080/1426460092 [=======>......................] - ETA: 5:06
 420028416/1426460092 [=======>......................] - ETA: 5:06
 420143104/1426460092 [=======>......................] - ETA: 5:06
 420298752/1426460092 [=======>......................] - ETA: 5:06
 420552704/1426460092 [=======>......................] - ETA: 5:06
 420724736/1426460092 [=======>......................] - ETA: 5:06
 420913152/1426460092 [=======>......................] - ETA: 5:06
 421036032/1426460092 [=======>......................] - ETA: 5:06
 421281792/1426460092 [=======>......................] - ETA: 5:06
 421445632/1426460092 [=======>......................] - ETA: 5:06
 421609472/1426460092 [=======>......................] - ETA: 5:06
 421822464/1426460092 [=======>......................] - ETA: 5:06
 422051840/1426460092 [=======>......................] - ETA: 5:06
 422150144/1426460092 [=======>......................] - ETA: 5:06
 422420480/1426460092 [=======>......................] - ETA: 5:05
 422592512/1426460092 [=======>......................] - ETA: 5:05
 422780928/1426460092 [=======>......................] - ETA: 5:05
 422928384/1426460092 [=======>......................] - ETA: 5:05
 423124992/1426460092 [=======>......................] - ETA: 5:05
 423305216/1426460092 [=======>......................] - ETA: 5:05
 423510016/1426460092 [=======>......................] - ETA: 5:05
 423682048/1426460092 [=======>......................] - ETA: 5:05
 423919616/1426460092 [=======>......................] - ETA: 5:05
 424140800/1426460092 [=======>......................] - ETA: 5:05
 424386560/1426460092 [=======>......................] - ETA: 5:05
 424624128/1426460092 [=======>......................] - ETA: 5:05
 424878080/1426460092 [=======>......................] - ETA: 5:04
 425082880/1426460092 [=======>......................] - ETA: 5:04
 425156608/1426460092 [=======>......................] - ETA: 5:05
 425361408/1426460092 [=======>......................] - ETA: 5:05
 425607168/1426460092 [=======>......................] - ETA: 5:04
 425779200/1426460092 [=======>......................] - ETA: 5:04
 426024960/1426460092 [=======>......................] - ETA: 5:04
 426196992/1426460092 [=======>......................] - ETA: 5:04
 426360832/1426460092 [=======>......................] - ETA: 5:04
 426573824/1426460092 [=======>......................] - ETA: 5:04
 426737664/1426460092 [=======>......................] - ETA: 5:04
 426999808/1426460092 [=======>......................] - ETA: 5:04
 427220992/1426460092 [=======>......................] - ETA: 5:04
 427319296/1426460092 [=======>......................] - ETA: 5:04
 427540480/1426460092 [=======>......................] - ETA: 5:04
 427687936/1426460092 [=======>......................] - ETA: 5:04
 427851776/1426460092 [=======>......................] - ETA: 5:04
 427966464/1426460092 [========>.....................] - ETA: 5:04
 428457984/1426460092 [========>.....................] - ETA: 5:04
 428597248/1426460092 [========>.....................] - ETA: 5:04
 428867584/1426460092 [========>.....................] - ETA: 5:03
 429047808/1426460092 [========>.....................] - ETA: 5:03
 429260800/1426460092 [========>.....................] - ETA: 5:03
 429400064/1426460092 [========>.....................] - ETA: 5:03
 429662208/1426460092 [========>.....................] - ETA: 5:03
 429834240/1426460092 [========>.....................] - ETA: 5:03
 430006272/1426460092 [========>.....................] - ETA: 5:03
 430170112/1426460092 [========>.....................] - ETA: 5:03
 430407680/1426460092 [========>.....................] - ETA: 5:03
 430661632/1426460092 [========>.....................] - ETA: 5:03
 430940160/1426460092 [========>.....................] - ETA: 5:03
 431046656/1426460092 [========>.....................] - ETA: 5:03
 431374336/1426460092 [========>.....................] - ETA: 5:03
 431521792/1426460092 [========>.....................] - ETA: 5:03
 431644672/1426460092 [========>.....................] - ETA: 5:03
 431849472/1426460092 [========>.....................] - ETA: 5:03
 431955968/1426460092 [========>.....................] - ETA: 5:03
 432193536/1426460092 [========>.....................] - ETA: 5:03
 432439296/1426460092 [========>.....................] - ETA: 5:02
 432594944/1426460092 [========>.....................] - ETA: 5:02
 432734208/1426460092 [========>.....................] - ETA: 5:02
 432832512/1426460092 [========>.....................] - ETA: 5:02
 433004544/1426460092 [========>.....................] - ETA: 5:02
 433373184/1426460092 [========>.....................] - ETA: 5:02
 433381376/1426460092 [========>.....................] - ETA: 5:02
 433602560/1426460092 [========>.....................] - ETA: 5:02
 433782784/1426460092 [========>.....................] - ETA: 5:02
 434003968/1426460092 [========>.....................] - ETA: 5:02
 434208768/1426460092 [========>.....................] - ETA: 5:02
 434503680/1426460092 [========>.....................] - ETA: 5:02
 434847744/1426460092 [========>.....................] - ETA: 5:02
 435060736/1426460092 [========>.....................] - ETA: 5:02
 435232768/1426460092 [========>.....................] - ETA: 5:02
 435429376/1426460092 [========>.....................] - ETA: 5:01
 435683328/1426460092 [========>.....................] - ETA: 5:01
 435724288/1426460092 [========>.....................] - ETA: 5:01
 435986432/1426460092 [========>.....................] - ETA: 5:01
 436199424/1426460092 [========>.....................] - ETA: 5:01
 436232192/1426460092 [========>.....................] - ETA: 5:01
 436428800/1426460092 [========>.....................] - ETA: 5:01
 436633600/1426460092 [========>.....................] - ETA: 5:01
 436879360/1426460092 [========>.....................] - ETA: 5:01
 437059584/1426460092 [========>.....................] - ETA: 5:01
 437264384/1426460092 [========>.....................] - ETA: 5:01
 437501952/1426460092 [========>.....................] - ETA: 5:01
 437723136/1426460092 [========>.....................] - ETA: 5:01
 437862400/1426460092 [========>.....................] - ETA: 5:01
 438067200/1426460092 [========>.....................] - ETA: 5:01
 438263808/1426460092 [========>.....................] - ETA: 5:00
 438493184/1426460092 [========>.....................] - ETA: 5:00
 438657024/1426460092 [========>.....................] - ETA: 5:00
 438878208/1426460092 [========>.....................] - ETA: 5:00
 439074816/1426460092 [========>.....................] - ETA: 5:00
 439336960/1426460092 [========>.....................] - ETA: 5:00
 439484416/1426460092 [========>.....................] - ETA: 5:00
 439607296/1426460092 [========>.....................] - ETA: 5:00
 439803904/1426460092 [========>.....................] - ETA: 5:00
 439984128/1426460092 [========>.....................] - ETA: 5:00
 440090624/1426460092 [========>.....................] - ETA: 5:00
 440369152/1426460092 [========>.....................] - ETA: 5:00
 440565760/1426460092 [========>.....................] - ETA: 5:00
 440827904/1426460092 [========>.....................] - ETA: 4:59
 440958976/1426460092 [========>.....................] - ETA: 4:59
 441131008/1426460092 [========>.....................] - ETA: 4:59
 441327616/1426460092 [========>.....................] - ETA: 4:59
 441679872/1426460092 [========>.....................] - ETA: 4:59
 441712640/1426460092 [========>.....................] - ETA: 4:59
 441917440/1426460092 [========>.....................] - ETA: 4:59
 442048512/1426460092 [========>.....................] - ETA: 4:59
 442269696/1426460092 [========>.....................] - ETA: 4:59
 442441728/1426460092 [========>.....................] - ETA: 4:59
 442646528/1426460092 [========>.....................] - ETA: 4:59
 442843136/1426460092 [========>.....................] - ETA: 4:59
 443146240/1426460092 [========>.....................] - ETA: 4:59
 443269120/1426460092 [========>.....................] - ETA: 4:59
 443621376/1426460092 [========>.....................] - ETA: 4:59
 443744256/1426460092 [========>.....................] - ETA: 4:59
 443908096/1426460092 [========>.....................] - ETA: 4:59
 444186624/1426460092 [========>.....................] - ETA: 4:58
 444342272/1426460092 [========>.....................] - ETA: 4:58
 444547072/1426460092 [========>.....................] - ETA: 4:58
 444792832/1426460092 [========>.....................] - ETA: 4:58
 444850176/1426460092 [========>.....................] - ETA: 4:58
 445054976/1426460092 [========>.....................] - ETA: 4:58
 445218816/1426460092 [========>.....................] - ETA: 4:58
 445448192/1426460092 [========>.....................] - ETA: 4:58
 445636608/1426460092 [========>.....................] - ETA: 4:58
 445882368/1426460092 [========>.....................] - ETA: 4:58
 446054400/1426460092 [========>.....................] - ETA: 4:58
 446267392/1426460092 [========>.....................] - ETA: 4:58
 446373888/1426460092 [========>.....................] - ETA: 4:58
 446382080/1426460092 [========>.....................] - ETA: 4:58
 446595072/1426460092 [========>.....................] - ETA: 4:58
 446758912/1426460092 [========>.....................] - ETA: 4:58
 446922752/1426460092 [========>.....................] - ETA: 4:58
 447111168/1426460092 [========>.....................] - ETA: 4:58
 447193088/1426460092 [========>.....................] - ETA: 4:58
 447315968/1426460092 [========>.....................] - ETA: 4:58
 447471616/1426460092 [========>.....................] - ETA: 4:58
 447733760/1426460092 [========>.....................] - ETA: 4:58
 447864832/1426460092 [========>.....................] - ETA: 4:58
 448028672/1426460092 [========>.....................] - ETA: 4:58
 448102400/1426460092 [========>.....................] - ETA: 4:58
 448233472/1426460092 [========>.....................] - ETA: 4:58
 448364544/1426460092 [========>.....................] - ETA: 4:58
 448512000/1426460092 [========>.....................] - ETA: 4:58
 448765952/1426460092 [========>.....................] - ETA: 4:57
 448946176/1426460092 [========>.....................] - ETA: 4:57
 449142784/1426460092 [========>.....................] - ETA: 4:57
 449298432/1426460092 [========>.....................] - ETA: 4:57
 449495040/1426460092 [========>.....................] - ETA: 4:57
 449650688/1426460092 [========>.....................] - ETA: 4:57
 449880064/1426460092 [========>.....................] - ETA: 4:57
 450011136/1426460092 [========>.....................] - ETA: 4:57
 450158592/1426460092 [========>.....................] - ETA: 4:57
 450404352/1426460092 [========>.....................] - ETA: 4:57
 450535424/1426460092 [========>.....................] - ETA: 4:57
 450797568/1426460092 [========>.....................] - ETA: 4:57
 451043328/1426460092 [========>.....................] - ETA: 4:57
 451215360/1426460092 [========>.....................] - ETA: 4:57
 451403776/1426460092 [========>.....................] - ETA: 4:57
 451633152/1426460092 [========>.....................] - ETA: 4:57
 451772416/1426460092 [========>.....................] - ETA: 4:57
 451969024/1426460092 [========>.....................] - ETA: 4:57
 452124672/1426460092 [========>.....................] - ETA: 4:56
 452313088/1426460092 [========>.....................] - ETA: 4:56
 452517888/1426460092 [========>.....................] - ETA: 4:56
 452648960/1426460092 [========>.....................] - ETA: 4:56
 452820992/1426460092 [========>.....................] - ETA: 4:56
 453033984/1426460092 [========>.....................] - ETA: 4:56
 453214208/1426460092 [========>.....................] - ETA: 4:56
 453361664/1426460092 [========>.....................] - ETA: 4:56
 453632000/1426460092 [========>.....................] - ETA: 4:56
 453828608/1426460092 [========>.....................] - ETA: 4:56
 453877760/1426460092 [========>.....................] - ETA: 4:56
 454754304/1426460092 [========>.....................] - ETA: 4:56
 454942720/1426460092 [========>.....................] - ETA: 4:55
 455180288/1426460092 [========>.....................] - ETA: 4:55
 455385088/1426460092 [========>.....................] - ETA: 4:55
 455737344/1426460092 [========>.....................] - ETA: 4:55
 455999488/1426460092 [========>.....................] - ETA: 4:55
 456220672/1426460092 [========>.....................] - ETA: 4:55
 456400896/1426460092 [========>.....................] - ETA: 4:55
 456646656/1426460092 [========>.....................] - ETA: 4:55
 456826880/1426460092 [========>.....................] - ETA: 4:55
 457097216/1426460092 [========>.....................] - ETA: 4:55
 457302016/1426460092 [========>.....................] - ETA: 4:55
 457539584/1426460092 [========>.....................] - ETA: 4:54
 457703424/1426460092 [========>.....................] - ETA: 4:54
 457949184/1426460092 [========>.....................] - ETA: 4:54
 458080256/1426460092 [========>.....................] - ETA: 4:54
 458211328/1426460092 [========>.....................] - ETA: 4:54
 458366976/1426460092 [========>.....................] - ETA: 4:54
 458727424/1426460092 [========>.....................] - ETA: 4:54
 458907648/1426460092 [========>.....................] - ETA: 4:54
 459038720/1426460092 [========>.....................] - ETA: 4:54
 459104256/1426460092 [========>.....................] - ETA: 4:54
 459145216/1426460092 [========>.....................] - ETA: 4:54
 459210752/1426460092 [========>.....................] - ETA: 4:54
 459284480/1426460092 [========>.....................] - ETA: 4:54
 459440128/1426460092 [========>.....................] - ETA: 4:54
 459554816/1426460092 [========>.....................] - ETA: 4:54
 459825152/1426460092 [========>.....................] - ETA: 4:54
 460005376/1426460092 [========>.....................] - ETA: 4:54
 460169216/1426460092 [========>.....................] - ETA: 4:54
 460292096/1426460092 [========>.....................] - ETA: 4:54
 460496896/1426460092 [========>.....................] - ETA: 4:54
 460644352/1426460092 [========>.....................] - ETA: 4:54
 460840960/1426460092 [========>.....................] - ETA: 4:54
 461037568/1426460092 [========>.....................] - ETA: 4:54
 461053952/1426460092 [========>.....................] - ETA: 4:54
 461348864/1426460092 [========>.....................] - ETA: 4:54
 461578240/1426460092 [========>.....................] - ETA: 4:54
 461742080/1426460092 [========>.....................] - ETA: 4:54
 461930496/1426460092 [========>.....................] - ETA: 4:54
 462069760/1426460092 [========>.....................] - ETA: 4:54
 462282752/1426460092 [========>.....................] - ETA: 4:54
 462626816/1426460092 [========>.....................] - ETA: 4:54
 462807040/1426460092 [========>.....................] - ETA: 4:53
 463011840/1426460092 [========>.....................] - ETA: 4:53
 463192064/1426460092 [========>.....................] - ETA: 4:53
 463372288/1426460092 [========>.....................] - ETA: 4:53
 463527936/1426460092 [========>.....................] - ETA: 4:53
 463732736/1426460092 [========>.....................] - ETA: 4:53
 463937536/1426460092 [========>.....................] - ETA: 4:53
 464265216/1426460092 [========>.....................] - ETA: 4:53
 464338944/1426460092 [========>.....................] - ETA: 4:53
 464658432/1426460092 [========>.....................] - ETA: 4:53
 464855040/1426460092 [========>.....................] - ETA: 4:53
 464994304/1426460092 [========>.....................] - ETA: 4:53
 465149952/1426460092 [========>.....................] - ETA: 4:53
 465395712/1426460092 [========>.....................] - ETA: 4:53
 465600512/1426460092 [========>.....................] - ETA: 4:53
 465788928/1426460092 [========>.....................] - ETA: 4:53
 465969152/1426460092 [========>.....................] - ETA: 4:53
 466239488/1426460092 [========>.....................] - ETA: 4:52
 466444288/1426460092 [========>.....................] - ETA: 4:52
 466518016/1426460092 [========>.....................] - ETA: 4:52
 466747392/1426460092 [========>.....................] - ETA: 4:52
 466927616/1426460092 [========>.....................] - ETA: 4:52
 467025920/1426460092 [========>.....................] - ETA: 4:52
 467214336/1426460092 [========>.....................] - ETA: 4:52
 467468288/1426460092 [========>.....................] - ETA: 4:52
 467673088/1426460092 [========>.....................] - ETA: 4:52
 467746816/1426460092 [========>.....................] - ETA: 4:52
 467910656/1426460092 [========>.....................] - ETA: 4:52
 468082688/1426460092 [========>.....................] - ETA: 4:52
 468271104/1426460092 [========>.....................] - ETA: 4:52
 468500480/1426460092 [========>.....................] - ETA: 4:52
 468672512/1426460092 [========>.....................] - ETA: 4:52
 468901888/1426460092 [========>.....................] - ETA: 4:52
 468967424/1426460092 [========>.....................] - ETA: 4:52
 469106688/1426460092 [========>.....................] - ETA: 4:52
 469327872/1426460092 [========>.....................] - ETA: 4:52
 469540864/1426460092 [========>.....................] - ETA: 4:52
 469729280/1426460092 [========>.....................] - ETA: 4:52
 469925888/1426460092 [========>.....................] - ETA: 4:51
 470073344/1426460092 [========>.....................] - ETA: 4:51
 470220800/1426460092 [========>.....................] - ETA: 4:51
 470425600/1426460092 [========>.....................] - ETA: 4:51
 470646784/1426460092 [========>.....................] - ETA: 4:51
 470827008/1426460092 [========>.....................] - ETA: 4:51
 471007232/1426460092 [========>.....................] - ETA: 4:51
 471130112/1426460092 [========>.....................] - ETA: 4:51
 471351296/1426460092 [========>.....................] - ETA: 4:51
 471539712/1426460092 [========>.....................] - ETA: 4:51
 471629824/1426460092 [========>.....................] - ETA: 4:51
 471826432/1426460092 [========>.....................] - ETA: 4:51
 472014848/1426460092 [========>.....................] - ETA: 4:51
 472358912/1426460092 [========>.....................] - ETA: 4:51
 472596480/1426460092 [========>.....................] - ETA: 4:51
 472801280/1426460092 [========>.....................] - ETA: 4:51
 472956928/1426460092 [========>.....................] - ETA: 4:50
 473096192/1426460092 [========>.....................] - ETA: 4:50
 473251840/1426460092 [========>.....................] - ETA: 4:50
 473448448/1426460092 [========>.....................] - ETA: 4:50
 473571328/1426460092 [========>.....................] - ETA: 4:50
 473694208/1426460092 [========>.....................] - ETA: 4:50
 473849856/1426460092 [========>.....................] - ETA: 4:50
 474013696/1426460092 [========>.....................] - ETA: 4:50
 474202112/1426460092 [========>.....................] - ETA: 4:50
 474349568/1426460092 [========>.....................] - ETA: 4:50
 474529792/1426460092 [========>.....................] - ETA: 4:50
 474718208/1426460092 [========>.....................] - ETA: 4:50
 474898432/1426460092 [========>.....................] - ETA: 4:50
 475103232/1426460092 [========>.....................] - ETA: 4:50
 475316224/1426460092 [========>.....................] - ETA: 4:50
 475496448/1426460092 [=========>....................] - ETA: 4:50
 475725824/1426460092 [=========>....................] - ETA: 4:50
 475930624/1426460092 [=========>....................] - ETA: 4:50
 476110848/1426460092 [=========>....................] - ETA: 4:50
 476258304/1426460092 [=========>....................] - ETA: 4:50
 476495872/1426460092 [=========>....................] - ETA: 4:50
 476676096/1426460092 [=========>....................] - ETA: 4:50
 476856320/1426460092 [=========>....................] - ETA: 4:50
 476946432/1426460092 [=========>....................] - ETA: 4:50
 477061120/1426460092 [=========>....................] - ETA: 4:50
 477257728/1426460092 [=========>....................] - ETA: 4:50
 477372416/1426460092 [=========>....................] - ETA: 4:50
 477593600/1426460092 [=========>....................] - ETA: 4:49
 477839360/1426460092 [=========>....................] - ETA: 4:49
 477978624/1426460092 [=========>....................] - ETA: 4:49
 478314496/1426460092 [=========>....................] - ETA: 4:49
 478584832/1426460092 [=========>....................] - ETA: 4:49
 478789632/1426460092 [=========>....................] - ETA: 4:49
 478978048/1426460092 [=========>....................] - ETA: 4:49
 479068160/1426460092 [=========>....................] - ETA: 4:49
 479338496/1426460092 [=========>....................] - ETA: 4:49
 479510528/1426460092 [=========>....................] - ETA: 4:49
 479731712/1426460092 [=========>....................] - ETA: 4:49
 479944704/1426460092 [=========>....................] - ETA: 4:49
 480141312/1426460092 [=========>....................] - ETA: 4:49
 480305152/1426460092 [=========>....................] - ETA: 4:48
 480493568/1426460092 [=========>....................] - ETA: 4:48
 480690176/1426460092 [=========>....................] - ETA: 4:48
 480894976/1426460092 [=========>....................] - ETA: 4:48
 481058816/1426460092 [=========>....................] - ETA: 4:48
 481173504/1426460092 [=========>....................] - ETA: 4:48
 481353728/1426460092 [=========>....................] - ETA: 4:48
 481525760/1426460092 [=========>....................] - ETA: 4:48
 481738752/1426460092 [=========>....................] - ETA: 4:48
 481861632/1426460092 [=========>....................] - ETA: 4:48
 482156544/1426460092 [=========>....................] - ETA: 4:48
 482336768/1426460092 [=========>....................] - ETA: 4:48
 482590720/1426460092 [=========>....................] - ETA: 4:48
 482811904/1426460092 [=========>....................] - ETA: 4:48
 483074048/1426460092 [=========>....................] - ETA: 4:48
 483409920/1426460092 [=========>....................] - ETA: 4:48
 483753984/1426460092 [=========>....................] - ETA: 4:47
 483835904/1426460092 [=========>....................] - ETA: 4:48
 484032512/1426460092 [=========>....................] - ETA: 4:48
 485023744/1426460092 [=========>....................] - ETA: 4:47
 485253120/1426460092 [=========>....................] - ETA: 4:47
 485556224/1426460092 [=========>....................] - ETA: 4:47
 485769216/1426460092 [=========>....................] - ETA: 4:46
 485965824/1426460092 [=========>....................] - ETA: 4:46
 486170624/1426460092 [=========>....................] - ETA: 4:46
 486391808/1426460092 [=========>....................] - ETA: 4:46
 486629376/1426460092 [=========>....................] - ETA: 4:46
 486850560/1426460092 [=========>....................] - ETA: 4:46
 487055360/1426460092 [=========>....................] - ETA: 4:46
 487284736/1426460092 [=========>....................] - ETA: 4:46
 487530496/1426460092 [=========>....................] - ETA: 4:46
 487727104/1426460092 [=========>....................] - ETA: 4:46
 487940096/1426460092 [=========>....................] - ETA: 4:46
 488128512/1426460092 [=========>....................] - ETA: 4:45
 488292352/1426460092 [=========>....................] - ETA: 4:45
 488546304/1426460092 [=========>....................] - ETA: 4:45
 488677376/1426460092 [=========>....................] - ETA: 4:45
 488906752/1426460092 [=========>....................] - ETA: 4:45
 489168896/1426460092 [=========>....................] - ETA: 4:45
 489308160/1426460092 [=========>....................] - ETA: 4:45
 489594880/1426460092 [=========>....................] - ETA: 4:45
 489791488/1426460092 [=========>....................] - ETA: 4:45
 490119168/1426460092 [=========>....................] - ETA: 4:45
 490373120/1426460092 [=========>....................] - ETA: 4:45
 490602496/1426460092 [=========>....................] - ETA: 4:45
 490799104/1426460092 [=========>....................] - ETA: 4:45
 491053056/1426460092 [=========>....................] - ETA: 4:44
 491290624/1426460092 [=========>....................] - ETA: 4:44
 491487232/1426460092 [=========>....................] - ETA: 4:44
 491749376/1426460092 [=========>....................] - ETA: 4:44
 492019712/1426460092 [=========>....................] - ETA: 4:44
 492208128/1426460092 [=========>....................] - ETA: 4:44
 492486656/1426460092 [=========>....................] - ETA: 4:44
 492675072/1426460092 [=========>....................] - ETA: 4:44
 492871680/1426460092 [=========>....................] - ETA: 4:44
 493051904/1426460092 [=========>....................] - ETA: 4:44
 493248512/1426460092 [=========>....................] - ETA: 4:44
 493461504/1426460092 [=========>....................] - ETA: 4:44
 493674496/1426460092 [=========>....................] - ETA: 4:43
 493928448/1426460092 [=========>....................] - ETA: 4:43
 494166016/1426460092 [=========>....................] - ETA: 4:43
 494288896/1426460092 [=========>....................] - ETA: 4:43
 494338048/1426460092 [=========>....................] - ETA: 4:43
 494452736/1426460092 [=========>....................] - ETA: 4:43
 494518272/1426460092 [=========>....................] - ETA: 4:43
 494567424/1426460092 [=========>....................] - ETA: 4:43
 494837760/1426460092 [=========>....................] - ETA: 4:43
 495075328/1426460092 [=========>....................] - ETA: 4:43
 495239168/1426460092 [=========>....................] - ETA: 4:43
 495271936/1426460092 [=========>....................] - ETA: 4:43
 495525888/1426460092 [=========>....................] - ETA: 4:43
 495706112/1426460092 [=========>....................] - ETA: 4:43
 495886336/1426460092 [=========>....................] - ETA: 4:43
 495951872/1426460092 [=========>....................] - ETA: 4:43
 496205824/1426460092 [=========>....................] - ETA: 4:43
 496353280/1426460092 [=========>....................] - ETA: 4:43
 496640000/1426460092 [=========>....................] - ETA: 4:43
 496934912/1426460092 [=========>....................] - ETA: 4:43
 497115136/1426460092 [=========>....................] - ETA: 4:43
 497385472/1426460092 [=========>....................] - ETA: 4:43
 497582080/1426460092 [=========>....................] - ETA: 4:42
 497778688/1426460092 [=========>....................] - ETA: 4:43
 497950720/1426460092 [=========>....................] - ETA: 4:43
 498098176/1426460092 [=========>....................] - ETA: 4:42
 498352128/1426460092 [=========>....................] - ETA: 4:42
 498573312/1426460092 [=========>....................] - ETA: 4:42
 498835456/1426460092 [=========>....................] - ETA: 4:42
 499007488/1426460092 [=========>....................] - ETA: 4:42
 499171328/1426460092 [=========>....................] - ETA: 4:42
 499417088/1426460092 [=========>....................] - ETA: 4:42
 499630080/1426460092 [=========>....................] - ETA: 4:42
 499892224/1426460092 [=========>....................] - ETA: 4:42
 500097024/1426460092 [=========>....................] - ETA: 4:42
 500293632/1426460092 [=========>....................] - ETA: 4:42
 500580352/1426460092 [=========>....................] - ETA: 4:41
 500645888/1426460092 [=========>....................] - ETA: 4:42
 500940800/1426460092 [=========>....................] - ETA: 4:41
 501161984/1426460092 [=========>....................] - ETA: 4:41
 501391360/1426460092 [=========>....................] - ETA: 4:41
 501563392/1426460092 [=========>....................] - ETA: 4:41
 501743616/1426460092 [=========>....................] - ETA: 4:41
 501923840/1426460092 [=========>....................] - ETA: 4:41
 502145024/1426460092 [=========>....................] - ETA: 4:41
 502308864/1426460092 [=========>....................] - ETA: 4:41
 502497280/1426460092 [=========>....................] - ETA: 4:41
 502734848/1426460092 [=========>....................] - ETA: 4:41
 502939648/1426460092 [=========>....................] - ETA: 4:41
 503250944/1426460092 [=========>....................] - ETA: 4:40
 503513088/1426460092 [=========>....................] - ETA: 4:40
 503775232/1426460092 [=========>....................] - ETA: 4:40
 504004608/1426460092 [=========>....................] - ETA: 4:40
 504102912/1426460092 [=========>....................] - ETA: 4:40
 504266752/1426460092 [=========>....................] - ETA: 4:40
 504512512/1426460092 [=========>....................] - ETA: 4:40
 504733696/1426460092 [=========>....................] - ETA: 4:40
 505028608/1426460092 [=========>....................] - ETA: 4:40
 505036800/1426460092 [=========>....................] - ETA: 4:40
 505167872/1426460092 [=========>....................] - ETA: 4:40
 505561088/1426460092 [=========>....................] - ETA: 4:40
 505946112/1426460092 [=========>....................] - ETA: 4:39
 506298368/1426460092 [=========>....................] - ETA: 4:39
 506396672/1426460092 [=========>....................] - ETA: 4:39
 506683392/1426460092 [=========>....................] - ETA: 4:39
 506880000/1426460092 [=========>....................] - ETA: 4:39
 507150336/1426460092 [=========>....................] - ETA: 4:39
 507289600/1426460092 [=========>....................] - ETA: 4:39
 507535360/1426460092 [=========>....................] - ETA: 4:39
 507666432/1426460092 [=========>....................] - ETA: 4:39
 507871232/1426460092 [=========>....................] - ETA: 4:39
 507994112/1426460092 [=========>....................] - ETA: 4:39
 508215296/1426460092 [=========>....................] - ETA: 4:39
 508313600/1426460092 [=========>....................] - ETA: 4:39
 508354560/1426460092 [=========>....................] - ETA: 4:39
 508461056/1426460092 [=========>....................] - ETA: 4:39
 508575744/1426460092 [=========>....................] - ETA: 4:39
 508755968/1426460092 [=========>....................] - ETA: 4:39
 508985344/1426460092 [=========>....................] - ETA: 4:39
 509165568/1426460092 [=========>....................] - ETA: 4:39
 509435904/1426460092 [=========>....................] - ETA: 4:38
 509591552/1426460092 [=========>....................] - ETA: 4:38
 509853696/1426460092 [=========>....................] - ETA: 4:38
 510058496/1426460092 [=========>....................] - ETA: 4:38
 510271488/1426460092 [=========>....................] - ETA: 4:38
 510468096/1426460092 [=========>....................] - ETA: 4:38
 510656512/1426460092 [=========>....................] - ETA: 4:38
 510918656/1426460092 [=========>....................] - ETA: 4:38
 511188992/1426460092 [=========>....................] - ETA: 4:38
 511393792/1426460092 [=========>....................] - ETA: 4:38
 511623168/1426460092 [=========>....................] - ETA: 4:38
 511787008/1426460092 [=========>....................] - ETA: 4:38
 511991808/1426460092 [=========>....................] - ETA: 4:37
 512180224/1426460092 [=========>....................] - ETA: 4:37
 512393216/1426460092 [=========>....................] - ETA: 4:37
 512622592/1426460092 [=========>....................] - ETA: 4:37
 512860160/1426460092 [=========>....................] - ETA: 4:37
 513064960/1426460092 [=========>....................] - ETA: 4:37
 513286144/1426460092 [=========>....................] - ETA: 4:37
 513548288/1426460092 [=========>....................] - ETA: 4:37
 513646592/1426460092 [=========>....................] - ETA: 4:37
 514048000/1426460092 [=========>....................] - ETA: 4:37
 514195456/1426460092 [=========>....................] - ETA: 4:37
 514416640/1426460092 [=========>....................] - ETA: 4:37
 514646016/1426460092 [=========>....................] - ETA: 4:36
 514867200/1426460092 [=========>....................] - ETA: 4:36
 515096576/1426460092 [=========>....................] - ETA: 4:36
 515350528/1426460092 [=========>....................] - ETA: 4:36
 515514368/1426460092 [=========>....................] - ETA: 4:36
 515678208/1426460092 [=========>....................] - ETA: 4:36
 515915776/1426460092 [=========>....................] - ETA: 4:36
 516136960/1426460092 [=========>....................] - ETA: 4:36
 516390912/1426460092 [=========>....................] - ETA: 4:36
 516546560/1426460092 [=========>....................] - ETA: 4:36
 516767744/1426460092 [=========>....................] - ETA: 4:36
 516956160/1426460092 [=========>....................] - ETA: 4:36
 517160960/1426460092 [=========>....................] - ETA: 4:36
 517373952/1426460092 [=========>....................] - ETA: 4:36
 517554176/1426460092 [=========>....................] - ETA: 4:35
 517791744/1426460092 [=========>....................] - ETA: 4:35
 517914624/1426460092 [=========>....................] - ETA: 4:35
 518127616/1426460092 [=========>....................] - ETA: 4:35
 518258688/1426460092 [=========>....................] - ETA: 4:35
 518455296/1426460092 [=========>....................] - ETA: 4:35
 518619136/1426460092 [=========>....................] - ETA: 4:35
 518840320/1426460092 [=========>....................] - ETA: 4:35
 519020544/1426460092 [=========>....................] - ETA: 4:35
 519258112/1426460092 [=========>....................] - ETA: 4:35
 519438336/1426460092 [=========>....................] - ETA: 4:35
 519659520/1426460092 [=========>....................] - ETA: 4:35
 520151040/1426460092 [=========>....................] - ETA: 4:34
 520495104/1426460092 [=========>....................] - ETA: 4:34
 520658944/1426460092 [=========>....................] - ETA: 4:34
 520814592/1426460092 [=========>....................] - ETA: 4:35
 520921088/1426460092 [=========>....................] - ETA: 4:35
 521117696/1426460092 [=========>....................] - ETA: 4:35
 521289728/1426460092 [=========>....................] - ETA: 4:35
 521478144/1426460092 [=========>....................] - ETA: 4:35
 521838592/1426460092 [=========>....................] - ETA: 4:34
 521977856/1426460092 [=========>....................] - ETA: 4:34
 522084352/1426460092 [=========>....................] - ETA: 4:34
 522280960/1426460092 [=========>....................] - ETA: 4:34
 522510336/1426460092 [=========>....................] - ETA: 4:34
 522698752/1426460092 [=========>....................] - ETA: 4:34
 522838016/1426460092 [=========>....................] - ETA: 4:34
 522895360/1426460092 [=========>....................] - ETA: 4:34
 522928128/1426460092 [=========>....................] - ETA: 4:34
 523100160/1426460092 [==========>...................] - ETA: 4:34
 523345920/1426460092 [==========>...................] - ETA: 4:34
 523509760/1426460092 [==========>...................] - ETA: 4:34
 523575296/1426460092 [==========>...................] - ETA: 4:34
 523649024/1426460092 [==========>...................] - ETA: 4:34
 523755520/1426460092 [==========>...................] - ETA: 4:34
 523902976/1426460092 [==========>...................] - ETA: 4:34
 524075008/1426460092 [==========>...................] - ETA: 4:34
 524296192/1426460092 [==========>...................] - ETA: 4:34
 524386304/1426460092 [==========>...................] - ETA: 4:34
 524591104/1426460092 [==========>...................] - ETA: 4:34
 524746752/1426460092 [==========>...................] - ETA: 4:34
 524886016/1426460092 [==========>...................] - ETA: 4:34
 525090816/1426460092 [==========>...................] - ETA: 4:34
 525180928/1426460092 [==========>...................] - ETA: 4:34
 525418496/1426460092 [==========>...................] - ETA: 4:34
 525598720/1426460092 [==========>...................] - ETA: 4:34
 525787136/1426460092 [==========>...................] - ETA: 4:34
 525918208/1426460092 [==========>...................] - ETA: 4:34
 526147584/1426460092 [==========>...................] - ETA: 4:34
 526393344/1426460092 [==========>...................] - ETA: 4:34
 526598144/1426460092 [==========>...................] - ETA: 4:34
 526802944/1426460092 [==========>...................] - ETA: 4:34
 527007744/1426460092 [==========>...................] - ETA: 4:34
 527179776/1426460092 [==========>...................] - ETA: 4:33
 527482880/1426460092 [==========>...................] - ETA: 4:33
 527712256/1426460092 [==========>...................] - ETA: 4:33
 527761408/1426460092 [==========>...................] - ETA: 4:33
 527933440/1426460092 [==========>...................] - ETA: 4:33
 528228352/1426460092 [==========>...................] - ETA: 4:33
 528465920/1426460092 [==========>...................] - ETA: 4:33
 528564224/1426460092 [==========>...................] - ETA: 4:33
 528719872/1426460092 [==========>...................] - ETA: 4:33
 528924672/1426460092 [==========>...................] - ETA: 4:33
 529113088/1426460092 [==========>...................] - ETA: 4:33
 529448960/1426460092 [==========>...................] - ETA: 4:33
 529760256/1426460092 [==========>...................] - ETA: 4:33
 530014208/1426460092 [==========>...................] - ETA: 4:32
 530235392/1426460092 [==========>...................] - ETA: 4:32
 530497536/1426460092 [==========>...................] - ETA: 4:32
 530776064/1426460092 [==========>...................] - ETA: 4:32
 530972672/1426460092 [==========>...................] - ETA: 4:32
 531243008/1426460092 [==========>...................] - ETA: 4:32
 531472384/1426460092 [==========>...................] - ETA: 4:32
 531800064/1426460092 [==========>...................] - ETA: 4:32
 532004864/1426460092 [==========>...................] - ETA: 4:32
 532258816/1426460092 [==========>...................] - ETA: 4:31
 532504576/1426460092 [==========>...................] - ETA: 4:31
 532643840/1426460092 [==========>...................] - ETA: 4:31
 532881408/1426460092 [==========>...................] - ETA: 4:31
 533012480/1426460092 [==========>...................] - ETA: 4:31
 533340160/1426460092 [==========>...................] - ETA: 4:31
 533585920/1426460092 [==========>...................] - ETA: 4:31
 533807104/1426460092 [==========>...................] - ETA: 4:31
 534077440/1426460092 [==========>...................] - ETA: 4:31
 534142976/1426460092 [==========>...................] - ETA: 4:31
 534405120/1426460092 [==========>...................] - ETA: 4:31
 534626304/1426460092 [==========>...................] - ETA: 4:31
 534831104/1426460092 [==========>...................] - ETA: 4:31
 535044096/1426460092 [==========>...................] - ETA: 4:31
 535224320/1426460092 [==========>...................] - ETA: 4:31
 535592960/1426460092 [==========>...................] - ETA: 4:31
 535838720/1426460092 [==========>...................] - ETA: 4:30
 536076288/1426460092 [==========>...................] - ETA: 4:30
 536264704/1426460092 [==========>...................] - ETA: 4:30
 536543232/1426460092 [==========>...................] - ETA: 4:30
 536854528/1426460092 [==========>...................] - ETA: 4:30
 537100288/1426460092 [==========>...................] - ETA: 4:30
 537206784/1426460092 [==========>...................] - ETA: 4:30
 537477120/1426460092 [==========>...................] - ETA: 4:30
 537698304/1426460092 [==========>...................] - ETA: 4:30
 537919488/1426460092 [==========>...................] - ETA: 4:30
 538140672/1426460092 [==========>...................] - ETA: 4:29
 538353664/1426460092 [==========>...................] - ETA: 4:29
 538558464/1426460092 [==========>...................] - ETA: 4:29
 538746880/1426460092 [==========>...................] - ETA: 4:29
 538992640/1426460092 [==========>...................] - ETA: 4:29
 539033600/1426460092 [==========>...................] - ETA: 4:29
 539041792/1426460092 [==========>...................] - ETA: 4:29
 539295744/1426460092 [==========>...................] - ETA: 4:29
 539525120/1426460092 [==========>...................] - ETA: 4:29
 539648000/1426460092 [==========>...................] - ETA: 4:29
 539885568/1426460092 [==========>...................] - ETA: 4:29
 540090368/1426460092 [==========>...................] - ETA: 4:29
 540295168/1426460092 [==========>...................] - ETA: 4:29
 540516352/1426460092 [==========>...................] - ETA: 4:29
 540786688/1426460092 [==========>...................] - ETA: 4:29
 540975104/1426460092 [==========>...................] - ETA: 4:29
 541196288/1426460092 [==========>...................] - ETA: 4:28
 541409280/1426460092 [==========>...................] - ETA: 4:28
 541704192/1426460092 [==========>...................] - ETA: 4:28
 541827072/1426460092 [==========>...................] - ETA: 4:28
 542048256/1426460092 [==========>...................] - ETA: 4:28
 542416896/1426460092 [==========>...................] - ETA: 4:28
 542466048/1426460092 [==========>...................] - ETA: 4:28
 542646272/1426460092 [==========>...................] - ETA: 4:28
 542990336/1426460092 [==========>...................] - ETA: 4:28
 543145984/1426460092 [==========>...................] - ETA: 4:28
 543277056/1426460092 [==========>...................] - ETA: 4:28
 543432704/1426460092 [==========>...................] - ETA: 4:28
 543670272/1426460092 [==========>...................] - ETA: 4:28
 543907840/1426460092 [==========>...................] - ETA: 4:27
 544227328/1426460092 [==========>...................] - ETA: 4:27
 544374784/1426460092 [==========>...................] - ETA: 4:27
 544628736/1426460092 [==========>...................] - ETA: 4:27
 544964608/1426460092 [==========>...................] - ETA: 4:27
 545275904/1426460092 [==========>...................] - ETA: 4:27
 545333248/1426460092 [==========>...................] - ETA: 4:27
 545579008/1426460092 [==========>...................] - ETA: 4:27
 545857536/1426460092 [==========>...................] - ETA: 4:27
 546037760/1426460092 [==========>...................] - ETA: 4:27
 546111488/1426460092 [==========>...................] - ETA: 4:27
 546201600/1426460092 [==========>...................] - ETA: 4:27
 546365440/1426460092 [==========>...................] - ETA: 4:27
 546422784/1426460092 [==========>...................] - ETA: 4:27
 546652160/1426460092 [==========>...................] - ETA: 4:27
 546799616/1426460092 [==========>...................] - ETA: 4:27
 547037184/1426460092 [==========>...................] - ETA: 4:27
 547233792/1426460092 [==========>...................] - ETA: 4:27
 547422208/1426460092 [==========>...................] - ETA: 4:27
 547618816/1426460092 [==========>...................] - ETA: 4:27
 547823616/1426460092 [==========>...................] - ETA: 4:27
 548093952/1426460092 [==========>...................] - ETA: 4:27
 548372480/1426460092 [==========>...................] - ETA: 4:27
 548478976/1426460092 [==========>...................] - ETA: 4:27
 548732928/1426460092 [==========>...................] - ETA: 4:27
 548954112/1426460092 [==========>...................] - ETA: 4:26
 549183488/1426460092 [==========>...................] - ETA: 4:26
 549502976/1426460092 [==========>...................] - ETA: 4:26
 549789696/1426460092 [==========>...................] - ETA: 4:26
 550084608/1426460092 [==========>...................] - ETA: 4:26
 550436864/1426460092 [==========>...................] - ETA: 4:26
 550871040/1426460092 [==========>...................] - ETA: 4:25
 551198720/1426460092 [==========>...................] - ETA: 4:25
 551485440/1426460092 [==========>...................] - ETA: 4:25
 551821312/1426460092 [==========>...................] - ETA: 4:25
 552181760/1426460092 [==========>...................] - ETA: 4:25
 552484864/1426460092 [==========>...................] - ETA: 4:25
 552779776/1426460092 [==========>...................] - ETA: 4:24
 553156608/1426460092 [==========>...................] - ETA: 4:24
 553459712/1426460092 [==========>...................] - ETA: 4:24
 553730048/1426460092 [==========>...................] - ETA: 4:24
 554082304/1426460092 [==========>...................] - ETA: 4:24
 554295296/1426460092 [==========>...................] - ETA: 4:24
 554524672/1426460092 [==========>...................] - ETA: 4:24
 554729472/1426460092 [==========>...................] - ETA: 4:24
 554909696/1426460092 [==========>...................] - ETA: 4:24
 555130880/1426460092 [==========>...................] - ETA: 4:23
 555425792/1426460092 [==========>...................] - ETA: 4:23
 555515904/1426460092 [==========>...................] - ETA: 4:23
 555843584/1426460092 [==========>...................] - ETA: 4:23
 556244992/1426460092 [==========>...................] - ETA: 4:23
 556564480/1426460092 [==========>...................] - ETA: 4:23
 556867584/1426460092 [==========>...................] - ETA: 4:23
 557268992/1426460092 [==========>...................] - ETA: 4:22
 557563904/1426460092 [==========>...................] - ETA: 4:22
 557924352/1426460092 [==========>...................] - ETA: 4:22
 558161920/1426460092 [==========>...................] - ETA: 4:22
 558415872/1426460092 [==========>...................] - ETA: 4:22
 558653440/1426460092 [==========>...................] - ETA: 4:22
 558981120/1426460092 [==========>...................] - ETA: 4:22
 559316992/1426460092 [==========>...................] - ETA: 4:21
 559685632/1426460092 [==========>...................] - ETA: 4:21
 560144384/1426460092 [==========>...................] - ETA: 4:21
 560431104/1426460092 [==========>...................] - ETA: 4:21
 560791552/1426460092 [==========>...................] - ETA: 4:21
 561070080/1426460092 [==========>...................] - ETA: 4:20
 561438720/1426460092 [==========>...................] - ETA: 4:20
 561782784/1426460092 [==========>...................] - ETA: 4:20
 562102272/1426460092 [==========>...................] - ETA: 4:20
 562348032/1426460092 [==========>...................] - ETA: 4:20
 562667520/1426460092 [==========>...................] - ETA: 4:20
 562790400/1426460092 [==========>...................] - ETA: 4:20
 563134464/1426460092 [==========>...................] - ETA: 4:20
 563462144/1426460092 [==========>...................] - ETA: 4:19
 563470336/1426460092 [==========>...................] - ETA: 4:20
 563716096/1426460092 [==========>...................] - ETA: 4:19
 563945472/1426460092 [==========>...................] - ETA: 4:19
 564199424/1426460092 [==========>...................] - ETA: 4:19
 564453376/1426460092 [==========>...................] - ETA: 4:19
 564641792/1426460092 [==========>...................] - ETA: 4:19
 564862976/1426460092 [==========>...................] - ETA: 4:19
 565051392/1426460092 [==========>...................] - ETA: 4:19
 565272576/1426460092 [==========>...................] - ETA: 4:19
 565280768/1426460092 [==========>...................] - ETA: 4:19
 565657600/1426460092 [==========>...................] - ETA: 4:19
 565862400/1426460092 [==========>...................] - ETA: 4:19
 566116352/1426460092 [==========>...................] - ETA: 4:19
 566394880/1426460092 [==========>...................] - ETA: 4:18
 566648832/1426460092 [==========>...................] - ETA: 4:18
 566730752/1426460092 [==========>...................] - ETA: 4:18
 566738944/1426460092 [==========>...................] - ETA: 4:18
 566927360/1426460092 [==========>...................] - ETA: 4:18
 567058432/1426460092 [==========>...................] - ETA: 4:18
 567197696/1426460092 [==========>...................] - ETA: 4:18
 567230464/1426460092 [==========>...................] - ETA: 4:19
 567754752/1426460092 [==========>...................] - ETA: 4:18
 568041472/1426460092 [==========>...................] - ETA: 4:18
 568188928/1426460092 [==========>...................] - ETA: 4:18
 568541184/1426460092 [==========>...................] - ETA: 4:18
 568754176/1426460092 [==========>...................] - ETA: 4:18
 568926208/1426460092 [==========>...................] - ETA: 4:18
 569081856/1426460092 [==========>...................] - ETA: 4:18
 569155584/1426460092 [==========>...................] - ETA: 4:18
 569360384/1426460092 [==========>...................] - ETA: 4:18
 569720832/1426460092 [==========>...................] - ETA: 4:17
 569950208/1426460092 [==========>...................] - ETA: 4:17
 570097664/1426460092 [==========>...................] - ETA: 4:17
 570310656/1426460092 [==========>...................] - ETA: 4:17
 570466304/1426460092 [==========>...................] - ETA: 4:17
 570671104/1426460092 [===========>..................] - ETA: 4:17
 570851328/1426460092 [===========>..................] - ETA: 4:17
 571006976/1426460092 [===========>..................] - ETA: 4:17
 571113472/1426460092 [===========>..................] - ETA: 4:17
 571269120/1426460092 [===========>..................] - ETA: 4:17
 571408384/1426460092 [===========>..................] - ETA: 4:17
 571604992/1426460092 [===========>..................] - ETA: 4:17
 571891712/1426460092 [===========>..................] - ETA: 4:17
 572104704/1426460092 [===========>..................] - ETA: 4:17
 572276736/1426460092 [===========>..................] - ETA: 4:17
 572506112/1426460092 [===========>..................] - ETA: 4:17
 572694528/1426460092 [===========>..................] - ETA: 4:17
 572989440/1426460092 [===========>..................] - ETA: 4:16
 573300736/1426460092 [===========>..................] - ETA: 4:16
 573464576/1426460092 [===========>..................] - ETA: 4:16
 573661184/1426460092 [===========>..................] - ETA: 4:16
 573816832/1426460092 [===========>..................] - ETA: 4:16
 573997056/1426460092 [===========>..................] - ETA: 4:16
 574160896/1426460092 [===========>..................] - ETA: 4:16
 574373888/1426460092 [===========>..................] - ETA: 4:16
 574562304/1426460092 [===========>..................] - ETA: 4:16
 574717952/1426460092 [===========>..................] - ETA: 4:16
 574922752/1426460092 [===========>..................] - ETA: 4:16
 575062016/1426460092 [===========>..................] - ETA: 4:16
 575086592/1426460092 [===========>..................] - ETA: 4:16
 575143936/1426460092 [===========>..................] - ETA: 4:16
 575217664/1426460092 [===========>..................] - ETA: 4:16
 575299584/1426460092 [===========>..................] - ETA: 4:16
 575455232/1426460092 [===========>..................] - ETA: 4:16
 575733760/1426460092 [===========>..................] - ETA: 4:16
 575864832/1426460092 [===========>..................] - ETA: 4:16
 576004096/1426460092 [===========>..................] - ETA: 4:16
 576143360/1426460092 [===========>..................] - ETA: 4:16
 576331776/1426460092 [===========>..................] - ETA: 4:16
 576471040/1426460092 [===========>..................] - ETA: 4:16
 576716800/1426460092 [===========>..................] - ETA: 4:16
 576839680/1426460092 [===========>..................] - ETA: 4:16
 576978944/1426460092 [===========>..................] - ETA: 4:16
 577191936/1426460092 [===========>..................] - ETA: 4:16
 577314816/1426460092 [===========>..................] - ETA: 4:16
 577626112/1426460092 [===========>..................] - ETA: 4:16
 577732608/1426460092 [===========>..................] - ETA: 4:16
 577855488/1426460092 [===========>..................] - ETA: 4:16
 578068480/1426460092 [===========>..................] - ETA: 4:16
 578306048/1426460092 [===========>..................] - ETA: 4:16
 578527232/1426460092 [===========>..................] - ETA: 4:16
 578633728/1426460092 [===========>..................] - ETA: 4:16
 578945024/1426460092 [===========>..................] - ETA: 4:16
 579256320/1426460092 [===========>..................] - ETA: 4:15
 579436544/1426460092 [===========>..................] - ETA: 4:15
 579698688/1426460092 [===========>..................] - ETA: 4:15
 579903488/1426460092 [===========>..................] - ETA: 4:15
 580132864/1426460092 [===========>..................] - ETA: 4:15
 580345856/1426460092 [===========>..................] - ETA: 4:15
 580706304/1426460092 [===========>..................] - ETA: 4:15
 580919296/1426460092 [===========>..................] - ETA: 4:15
 581320704/1426460092 [===========>..................] - ETA: 4:15
 581689344/1426460092 [===========>..................] - ETA: 4:14
 581820416/1426460092 [===========>..................] - ETA: 4:14
 582033408/1426460092 [===========>..................] - ETA: 4:14
 582361088/1426460092 [===========>..................] - ETA: 4:14
 582582272/1426460092 [===========>..................] - ETA: 4:14
 582836224/1426460092 [===========>..................] - ETA: 4:14
 583081984/1426460092 [===========>..................] - ETA: 4:14
 583319552/1426460092 [===========>..................] - ETA: 4:14
 583491584/1426460092 [===========>..................] - ETA: 4:14
 583720960/1426460092 [===========>..................] - ETA: 4:14
 584024064/1426460092 [===========>..................] - ETA: 4:14
 584278016/1426460092 [===========>..................] - ETA: 4:14
 584474624/1426460092 [===========>..................] - ETA: 4:13
 584720384/1426460092 [===========>..................] - ETA: 4:13
 584957952/1426460092 [===========>..................] - ETA: 4:13
 585105408/1426460092 [===========>..................] - ETA: 4:13
 585433088/1426460092 [===========>..................] - ETA: 4:13
 585678848/1426460092 [===========>..................] - ETA: 4:13
 585867264/1426460092 [===========>..................] - ETA: 4:13
 586096640/1426460092 [===========>..................] - ETA: 4:13
 586342400/1426460092 [===========>..................] - ETA: 4:13
 586539008/1426460092 [===========>..................] - ETA: 4:13
 586743808/1426460092 [===========>..................] - ETA: 4:13
 586981376/1426460092 [===========>..................] - ETA: 4:13
 587177984/1426460092 [===========>..................] - ETA: 4:13
 587440128/1426460092 [===========>..................] - ETA: 4:12
 587587584/1426460092 [===========>..................] - ETA: 4:12
 587816960/1426460092 [===========>..................] - ETA: 4:12
 588070912/1426460092 [===========>..................] - ETA: 4:12
 588488704/1426460092 [===========>..................] - ETA: 4:12
 588693504/1426460092 [===========>..................] - ETA: 4:12
 588963840/1426460092 [===========>..................] - ETA: 4:12
 589062144/1426460092 [===========>..................] - ETA: 4:12
 589324288/1426460092 [===========>..................] - ETA: 4:12
 589701120/1426460092 [===========>..................] - ETA: 4:12
 589914112/1426460092 [===========>..................] - ETA: 4:12
 590176256/1426460092 [===========>..................] - ETA: 4:12
 590405632/1426460092 [===========>..................] - ETA: 4:11
 590635008/1426460092 [===========>..................] - ETA: 4:11
 590987264/1426460092 [===========>..................] - ETA: 4:11
 591216640/1426460092 [===========>..................] - ETA: 4:11
 591290368/1426460092 [===========>..................] - ETA: 4:11
 591478784/1426460092 [===========>..................] - ETA: 4:11
 591659008/1426460092 [===========>..................] - ETA: 4:11
 591896576/1426460092 [===========>..................] - ETA: 4:11
 592068608/1426460092 [===========>..................] - ETA: 4:11
 592297984/1426460092 [===========>..................] - ETA: 4:11
 592494592/1426460092 [===========>..................] - ETA: 4:11
 592609280/1426460092 [===========>..................] - ETA: 4:11
 592748544/1426460092 [===========>..................] - ETA: 4:11
 592953344/1426460092 [===========>..................] - ETA: 4:11
 593158144/1426460092 [===========>..................] - ETA: 4:11
 593256448/1426460092 [===========>..................] - ETA: 4:11
 593444864/1426460092 [===========>..................] - ETA: 4:11
 593641472/1426460092 [===========>..................] - ETA: 4:11
 593805312/1426460092 [===========>..................] - ETA: 4:11
 594042880/1426460092 [===========>..................] - ETA: 4:11
 594239488/1426460092 [===========>..................] - ETA: 4:11
 594460672/1426460092 [===========>..................] - ETA: 4:10
 594690048/1426460092 [===========>..................] - ETA: 4:11
 594911232/1426460092 [===========>..................] - ETA: 4:10
 595132416/1426460092 [===========>..................] - ETA: 4:10
 595337216/1426460092 [===========>..................] - ETA: 4:10
 595607552/1426460092 [===========>..................] - ETA: 4:10
 595853312/1426460092 [===========>..................] - ETA: 4:10
 596066304/1426460092 [===========>..................] - ETA: 4:10
 596230144/1426460092 [===========>..................] - ETA: 4:10
 596402176/1426460092 [===========>..................] - ETA: 4:10
 596525056/1426460092 [===========>..................] - ETA: 4:10
 596680704/1426460092 [===========>..................] - ETA: 4:10
 597016576/1426460092 [===========>..................] - ETA: 4:10
 597229568/1426460092 [===========>..................] - ETA: 4:10
 597377024/1426460092 [===========>..................] - ETA: 4:10
 597540864/1426460092 [===========>..................] - ETA: 4:10
 597786624/1426460092 [===========>..................] - ETA: 4:10
 597958656/1426460092 [===========>..................] - ETA: 4:10
 597991424/1426460092 [===========>..................] - ETA: 4:10
 598212608/1426460092 [===========>..................] - ETA: 4:10
 598409216/1426460092 [===========>..................] - ETA: 4:09
 598564864/1426460092 [===========>..................] - ETA: 4:09
 598720512/1426460092 [===========>..................] - ETA: 4:09
 598999040/1426460092 [===========>..................] - ETA: 4:09
 599146496/1426460092 [===========>..................] - ETA: 4:09
 599302144/1426460092 [===========>..................] - ETA: 4:09
 599449600/1426460092 [===========>..................] - ETA: 4:09
 599613440/1426460092 [===========>..................] - ETA: 4:09
 599810048/1426460092 [===========>..................] - ETA: 4:09
 599834624/1426460092 [===========>..................] - ETA: 4:09
 600031232/1426460092 [===========>..................] - ETA: 4:09
 600276992/1426460092 [===========>..................] - ETA: 4:09
 600498176/1426460092 [===========>..................] - ETA: 4:09
 600670208/1426460092 [===========>..................] - ETA: 4:09
 600850432/1426460092 [===========>..................] - ETA: 4:09
 601088000/1426460092 [===========>..................] - ETA: 4:09
 601210880/1426460092 [===========>..................] - ETA: 4:09
 601333760/1426460092 [===========>..................] - ETA: 4:09
 601554944/1426460092 [===========>..................] - ETA: 4:09
 601726976/1426460092 [===========>..................] - ETA: 4:09
 601956352/1426460092 [===========>..................] - ETA: 4:09
 602161152/1426460092 [===========>..................] - ETA: 4:09
 602316800/1426460092 [===========>..................] - ETA: 4:09
 602546176/1426460092 [===========>..................] - ETA: 4:08
 602726400/1426460092 [===========>..................] - ETA: 4:08
 602939392/1426460092 [===========>..................] - ETA: 4:08
 602972160/1426460092 [===========>..................] - ETA: 4:08
 603185152/1426460092 [===========>..................] - ETA: 4:08
 603537408/1426460092 [===========>..................] - ETA: 4:08
 603734016/1426460092 [===========>..................] - ETA: 4:08
 603897856/1426460092 [===========>..................] - ETA: 4:08
 604127232/1426460092 [===========>..................] - ETA: 4:08
 604405760/1426460092 [===========>..................] - ETA: 4:08
 604495872/1426460092 [===========>..................] - ETA: 4:08
 604676096/1426460092 [===========>..................] - ETA: 4:08
 604872704/1426460092 [===========>..................] - ETA: 4:08
 605044736/1426460092 [===========>..................] - ETA: 4:08
 605364224/1426460092 [===========>..................] - ETA: 4:08
 605601792/1426460092 [===========>..................] - ETA: 4:08
 605863936/1426460092 [===========>..................] - ETA: 4:08
 605986816/1426460092 [===========>..................] - ETA: 4:08
 606224384/1426460092 [===========>..................] - ETA: 4:08
 606404608/1426460092 [===========>..................] - ETA: 4:08
 606658560/1426460092 [===========>..................] - ETA: 4:08
 606855168/1426460092 [===========>..................] - ETA: 4:08
 607076352/1426460092 [===========>..................] - ETA: 4:08
 607289344/1426460092 [===========>..................] - ETA: 4:07
 607379456/1426460092 [===========>..................] - ETA: 4:07
 607756288/1426460092 [===========>..................] - ETA: 4:07
 607944704/1426460092 [===========>..................] - ETA: 4:07
 608043008/1426460092 [===========>..................] - ETA: 4:07
 608280576/1426460092 [===========>..................] - ETA: 4:07
 608395264/1426460092 [===========>..................] - ETA: 4:07
 608550912/1426460092 [===========>..................] - ETA: 4:07
 608772096/1426460092 [===========>..................] - ETA: 4:07
 608952320/1426460092 [===========>..................] - ETA: 4:07
 608960512/1426460092 [===========>..................] - ETA: 4:07
 609222656/1426460092 [===========>..................] - ETA: 4:07
 609361920/1426460092 [===========>..................] - ETA: 4:07
 609476608/1426460092 [===========>..................] - ETA: 4:07
 609640448/1426460092 [===========>..................] - ETA: 4:07
 609722368/1426460092 [===========>..................] - ETA: 4:07
 609869824/1426460092 [===========>..................] - ETA: 4:07
 609976320/1426460092 [===========>..................] - ETA: 4:07
 610091008/1426460092 [===========>..................] - ETA: 4:07
 610230272/1426460092 [===========>..................] - ETA: 4:07
 610369536/1426460092 [===========>..................] - ETA: 4:07
 610648064/1426460092 [===========>..................] - ETA: 4:07
 610795520/1426460092 [===========>..................] - ETA: 4:07
 610885632/1426460092 [===========>..................] - ETA: 4:07
 611000320/1426460092 [===========>..................] - ETA: 4:07
 611131392/1426460092 [===========>..................] - ETA: 4:07
 611295232/1426460092 [===========>..................] - ETA: 4:07
 611524608/1426460092 [===========>..................] - ETA: 4:07
 611737600/1426460092 [===========>..................] - ETA: 4:07
 611803136/1426460092 [===========>..................] - ETA: 4:07
 611950592/1426460092 [===========>..................] - ETA: 4:07
 612114432/1426460092 [===========>..................] - ETA: 4:07
 612286464/1426460092 [===========>..................] - ETA: 4:07
 612515840/1426460092 [===========>..................] - ETA: 4:07
 612663296/1426460092 [===========>..................] - ETA: 4:07
 612843520/1426460092 [===========>..................] - ETA: 4:07
 612974592/1426460092 [===========>..................] - ETA: 4:07
 613154816/1426460092 [===========>..................] - ETA: 4:07
 613318656/1426460092 [===========>..................] - ETA: 4:07
 613629952/1426460092 [===========>..................] - ETA: 4:06
 613638144/1426460092 [===========>..................] - ETA: 4:07
 613957632/1426460092 [===========>..................] - ETA: 4:06
 614146048/1426460092 [===========>..................] - ETA: 4:06
 614285312/1426460092 [===========>..................] - ETA: 4:06
 614432768/1426460092 [===========>..................] - ETA: 4:06
 614621184/1426460092 [===========>..................] - ETA: 4:06
 614785024/1426460092 [===========>..................] - ETA: 4:06
 614973440/1426460092 [===========>..................] - ETA: 4:06
 615145472/1426460092 [===========>..................] - ETA: 4:06
 615333888/1426460092 [===========>..................] - ETA: 4:06
 615473152/1426460092 [===========>..................] - ETA: 4:06
 615735296/1426460092 [===========>..................] - ETA: 4:06
 615907328/1426460092 [===========>..................] - ETA: 4:06
 616136704/1426460092 [===========>..................] - ETA: 4:06
 616374272/1426460092 [===========>..................] - ETA: 4:06
 616513536/1426460092 [===========>..................] - ETA: 4:06
 616710144/1426460092 [===========>..................] - ETA: 4:06
 616841216/1426460092 [===========>..................] - ETA: 4:06
 617111552/1426460092 [===========>..................] - ETA: 4:05
 617291776/1426460092 [===========>..................] - ETA: 4:05
 617472000/1426460092 [===========>..................] - ETA: 4:05
 617627648/1426460092 [===========>..................] - ETA: 4:05
 617848832/1426460092 [===========>..................] - ETA: 4:05
 618094592/1426460092 [===========>..................] - ETA: 4:05
 618283008/1426460092 [============>.................] - ETA: 4:05
 618471424/1426460092 [============>.................] - ETA: 4:05
 618586112/1426460092 [============>.................] - ETA: 4:05
 618733568/1426460092 [============>.................] - ETA: 4:05
 618930176/1426460092 [============>.................] - ETA: 4:05
 619118592/1426460092 [============>.................] - ETA: 4:05
 619421696/1426460092 [============>.................] - ETA: 4:05
 619536384/1426460092 [============>.................] - ETA: 4:05
 619798528/1426460092 [============>.................] - ETA: 4:05
 619978752/1426460092 [============>.................] - ETA: 4:05
 620183552/1426460092 [============>.................] - ETA: 4:05
 620396544/1426460092 [============>.................] - ETA: 4:05
 620609536/1426460092 [============>.................] - ETA: 4:04
 620822528/1426460092 [============>.................] - ETA: 4:04
 620920832/1426460092 [============>.................] - ETA: 4:04
 620953600/1426460092 [============>.................] - ETA: 4:05
 621043712/1426460092 [============>.................] - ETA: 4:05
 621133824/1426460092 [============>.................] - ETA: 4:05
 621232128/1426460092 [============>.................] - ETA: 4:05
 621395968/1426460092 [============>.................] - ETA: 4:05
 621486080/1426460092 [============>.................] - ETA: 4:05
 621723648/1426460092 [============>.................] - ETA: 4:05
 621928448/1426460092 [============>.................] - ETA: 4:05
 622084096/1426460092 [============>.................] - ETA: 4:05
 622288896/1426460092 [============>.................] - ETA: 4:04
 622436352/1426460092 [============>.................] - ETA: 4:04
 622485504/1426460092 [============>.................] - ETA: 4:05
 622690304/1426460092 [============>.................] - ETA: 4:04
 622878720/1426460092 [============>.................] - ETA: 4:04
 623050752/1426460092 [============>.................] - ETA: 4:04
 623247360/1426460092 [============>.................] - ETA: 4:04
 623419392/1426460092 [============>.................] - ETA: 4:04
 623681536/1426460092 [============>.................] - ETA: 4:04
 623894528/1426460092 [============>.................] - ETA: 4:04
 623968256/1426460092 [============>.................] - ETA: 4:04
 624123904/1426460092 [============>.................] - ETA: 4:04
 624377856/1426460092 [============>.................] - ETA: 4:04
 624582656/1426460092 [============>.................] - ETA: 4:04
 624836608/1426460092 [============>.................] - ETA: 4:04
 624885760/1426460092 [============>.................] - ETA: 4:04
 625164288/1426460092 [============>.................] - ETA: 4:04
 625336320/1426460092 [============>.................] - ETA: 4:04
 625565696/1426460092 [============>.................] - ETA: 4:04
 625721344/1426460092 [============>.................] - ETA: 4:04
 625909760/1426460092 [============>.................] - ETA: 4:04
 626188288/1426460092 [============>.................] - ETA: 4:04
 626212864/1426460092 [============>.................] - ETA: 4:04
 626442240/1426460092 [============>.................] - ETA: 4:04
 626663424/1426460092 [============>.................] - ETA: 4:04
 626786304/1426460092 [============>.................] - ETA: 4:04
 627384320/1426460092 [============>.................] - ETA: 4:03
 627564544/1426460092 [============>.................] - ETA: 4:03
 627818496/1426460092 [============>.................] - ETA: 4:03
 627990528/1426460092 [============>.................] - ETA: 4:03
 628260864/1426460092 [============>.................] - ETA: 4:03
 628432896/1426460092 [============>.................] - ETA: 4:03
 628670464/1426460092 [============>.................] - ETA: 4:03
 628826112/1426460092 [============>.................] - ETA: 4:03
 628858880/1426460092 [============>.................] - ETA: 4:03
 629112832/1426460092 [============>.................] - ETA: 4:03
 629284864/1426460092 [============>.................] - ETA: 4:03
 629448704/1426460092 [============>.................] - ETA: 4:03
 629678080/1426460092 [============>.................] - ETA: 4:03
 630022144/1426460092 [============>.................] - ETA: 4:02
 630071296/1426460092 [============>.................] - ETA: 4:03
 630267904/1426460092 [============>.................] - ETA: 4:03
 630472704/1426460092 [============>.................] - ETA: 4:03
 630587392/1426460092 [============>.................] - ETA: 4:03
 630669312/1426460092 [============>.................] - ETA: 4:03
 630784000/1426460092 [============>.................] - ETA: 4:03
 630865920/1426460092 [============>.................] - ETA: 4:03
 631316480/1426460092 [============>.................] - ETA: 4:03
 631496704/1426460092 [============>.................] - ETA: 4:02
 631660544/1426460092 [============>.................] - ETA: 4:02
 631857152/1426460092 [============>.................] - ETA: 4:02
 632111104/1426460092 [============>.................] - ETA: 4:02
 632315904/1426460092 [============>.................] - ETA: 4:02
 632545280/1426460092 [============>.................] - ETA: 4:02
 632684544/1426460092 [============>.................] - ETA: 4:02
 632913920/1426460092 [============>.................] - ETA: 4:02
 633012224/1426460092 [============>.................] - ETA: 4:02
 633233408/1426460092 [============>.................] - ETA: 4:02
 633380864/1426460092 [============>.................] - ETA: 4:02
 633487360/1426460092 [============>.................] - ETA: 4:02
 633634816/1426460092 [============>.................] - ETA: 4:02
 633733120/1426460092 [============>.................] - ETA: 4:02
 633888768/1426460092 [============>.................] - ETA: 4:02
 633921536/1426460092 [============>.................] - ETA: 4:02
 634060800/1426460092 [============>.................] - ETA: 4:02
 634175488/1426460092 [============>.................] - ETA: 4:02
 634339328/1426460092 [============>.................] - ETA: 4:02
 634470400/1426460092 [============>.................] - ETA: 4:02
 634650624/1426460092 [============>.................] - ETA: 4:02
 634814464/1426460092 [============>.................] - ETA: 4:02
 635101184/1426460092 [============>.................] - ETA: 4:02
 635355136/1426460092 [============>.................] - ETA: 4:02
 635527168/1426460092 [============>.................] - ETA: 4:02
 635699200/1426460092 [============>.................] - ETA: 4:01
 635994112/1426460092 [============>.................] - ETA: 4:01
 636157952/1426460092 [============>.................] - ETA: 4:01
 636395520/1426460092 [============>.................] - ETA: 4:01
 636583936/1426460092 [============>.................] - ETA: 4:01
 636739584/1426460092 [============>.................] - ETA: 4:01
 636993536/1426460092 [============>.................] - ETA: 4:01
 637050880/1426460092 [============>.................] - ETA: 4:01
 637140992/1426460092 [============>.................] - ETA: 4:01
 637181952/1426460092 [============>.................] - ETA: 4:01
 637403136/1426460092 [============>.................] - ETA: 4:01
 637575168/1426460092 [============>.................] - ETA: 4:01
 637624320/1426460092 [============>.................] - ETA: 4:01
 637812736/1426460092 [============>.................] - ETA: 4:01
 638083072/1426460092 [============>.................] - ETA: 4:01
 638255104/1426460092 [============>.................] - ETA: 4:01
 638500864/1426460092 [============>.................] - ETA: 4:01
 638656512/1426460092 [============>.................] - ETA: 4:01
 638820352/1426460092 [============>.................] - ETA: 4:01
 638992384/1426460092 [============>.................] - ETA: 4:01
 639197184/1426460092 [============>.................] - ETA: 4:01
 639442944/1426460092 [============>.................] - ETA: 4:01
 639729664/1426460092 [============>.................] - ETA: 4:01
 639918080/1426460092 [============>.................] - ETA: 4:00
 640106496/1426460092 [============>.................] - ETA: 4:00
 640245760/1426460092 [============>.................] - ETA: 4:01
 640507904/1426460092 [============>.................] - ETA: 4:00
 640786432/1426460092 [============>.................] - ETA: 4:00
 640942080/1426460092 [============>.................] - ETA: 4:00
 641155072/1426460092 [============>.................] - ETA: 4:00
 641318912/1426460092 [============>.................] - ETA: 4:00
 641687552/1426460092 [============>.................] - ETA: 4:00
 641703936/1426460092 [============>.................] - ETA: 4:00
 642048000/1426460092 [============>.................] - ETA: 4:00
 642105344/1426460092 [============>.................] - ETA: 4:00
 642334720/1426460092 [============>.................] - ETA: 4:00
 642490368/1426460092 [============>.................] - ETA: 4:00
 642613248/1426460092 [============>.................] - ETA: 4:00
 642719744/1426460092 [============>.................] - ETA: 4:00
 642908160/1426460092 [============>.................] - ETA: 4:00
 643096576/1426460092 [============>.................] - ETA: 4:00
 643211264/1426460092 [============>.................] - ETA: 4:00
 643489792/1426460092 [============>.................] - ETA: 4:00
 643702784/1426460092 [============>.................] - ETA: 4:00
 643891200/1426460092 [============>.................] - ETA: 4:00
 644120576/1426460092 [============>.................] - ETA: 3:59
 644251648/1426460092 [============>.................] - ETA: 3:59
 644423680/1426460092 [============>.................] - ETA: 3:59
 644554752/1426460092 [============>.................] - ETA: 3:59
 644726784/1426460092 [============>.................] - ETA: 3:59
 644882432/1426460092 [============>.................] - ETA: 3:59
 645095424/1426460092 [============>.................] - ETA: 3:59
 645259264/1426460092 [============>.................] - ETA: 3:59
 645447680/1426460092 [============>.................] - ETA: 3:59
 645644288/1426460092 [============>.................] - ETA: 3:59
 645767168/1426460092 [============>.................] - ETA: 3:59
 645865472/1426460092 [============>.................] - ETA: 3:59
 645988352/1426460092 [============>.................] - ETA: 3:59
 646168576/1426460092 [============>.................] - ETA: 3:59
 646365184/1426460092 [============>.................] - ETA: 3:59
 646643712/1426460092 [============>.................] - ETA: 3:59
 646774784/1426460092 [============>.................] - ETA: 3:59
 646930432/1426460092 [============>.................] - ETA: 3:59
 647086080/1426460092 [============>.................] - ETA: 3:59
 647307264/1426460092 [============>.................] - ETA: 3:59
 647503872/1426460092 [============>.................] - ETA: 3:59
 647651328/1426460092 [============>.................] - ETA: 3:59
 647815168/1426460092 [============>.................] - ETA: 3:59
 647987200/1426460092 [============>.................] - ETA: 3:59
 648224768/1426460092 [============>.................] - ETA: 3:58
 648429568/1426460092 [============>.................] - ETA: 3:58
 648601600/1426460092 [============>.................] - ETA: 3:58
 648806400/1426460092 [============>.................] - ETA: 3:58
 649011200/1426460092 [============>.................] - ETA: 3:58
 649134080/1426460092 [============>.................] - ETA: 3:58
 649306112/1426460092 [============>.................] - ETA: 3:58
 649469952/1426460092 [============>.................] - ETA: 3:58
 649584640/1426460092 [============>.................] - ETA: 3:58
 649797632/1426460092 [============>.................] - ETA: 3:58
 649977856/1426460092 [============>.................] - ETA: 3:58
 650199040/1426460092 [============>.................] - ETA: 3:58
 650321920/1426460092 [============>.................] - ETA: 3:58
 650682368/1426460092 [============>.................] - ETA: 3:58
 650895360/1426460092 [============>.................] - ETA: 3:58
 651075584/1426460092 [============>.................] - ETA: 3:58
 651206656/1426460092 [============>.................] - ETA: 3:58
 651378688/1426460092 [============>.................] - ETA: 3:57
 651608064/1426460092 [============>.................] - ETA: 3:57
 651739136/1426460092 [============>.................] - ETA: 3:57
 651902976/1426460092 [============>.................] - ETA: 3:57
 652017664/1426460092 [============>.................] - ETA: 3:57
 652197888/1426460092 [============>.................] - ETA: 3:57
 652361728/1426460092 [============>.................] - ETA: 3:57
 652468224/1426460092 [============>.................] - ETA: 3:57
 652607488/1426460092 [============>.................] - ETA: 3:57
 652763136/1426460092 [============>.................] - ETA: 3:57
 652967936/1426460092 [============>.................] - ETA: 3:57
 653205504/1426460092 [============>.................] - ETA: 3:57
 653418496/1426460092 [============>.................] - ETA: 3:57
 653623296/1426460092 [============>.................] - ETA: 3:57
 653762560/1426460092 [============>.................] - ETA: 3:57
 653975552/1426460092 [============>.................] - ETA: 3:57
 654155776/1426460092 [============>.................] - ETA: 3:57
 654344192/1426460092 [============>.................] - ETA: 3:57
 654483456/1426460092 [============>.................] - ETA: 3:57
 654737408/1426460092 [============>.................] - ETA: 3:57
 654934016/1426460092 [============>.................] - ETA: 3:57
 655138816/1426460092 [============>.................] - ETA: 3:56
 655228928/1426460092 [============>.................] - ETA: 3:57
 655286272/1426460092 [============>.................] - ETA: 3:57
 655319040/1426460092 [============>.................] - ETA: 3:57
 655360000/1426460092 [============>.................] - ETA: 3:57
 655482880/1426460092 [============>.................] - ETA: 3:57
 655523840/1426460092 [============>.................] - ETA: 3:57
 655761408/1426460092 [============>.................] - ETA: 3:57
 655794176/1426460092 [============>.................] - ETA: 3:57
 655851520/1426460092 [============>.................] - ETA: 3:57
 655859712/1426460092 [============>.................] - ETA: 3:57
 655917056/1426460092 [============>.................] - ETA: 3:57
 655966208/1426460092 [============>.................] - ETA: 3:57
 655990784/1426460092 [============>.................] - ETA: 3:57
 656072704/1426460092 [============>.................] - ETA: 3:57
 656130048/1426460092 [============>.................] - ETA: 3:57
 656236544/1426460092 [============>.................] - ETA: 3:57
 656302080/1426460092 [============>.................] - ETA: 3:57
 656351232/1426460092 [============>.................] - ETA: 3:58
 656482304/1426460092 [============>.................] - ETA: 3:58
 656515072/1426460092 [============>.................] - ETA: 3:58
 656629760/1426460092 [============>.................] - ETA: 3:58
 656728064/1426460092 [============>.................] - ETA: 3:58
 656834560/1426460092 [============>.................] - ETA: 3:58
 656875520/1426460092 [============>.................] - ETA: 3:58
 656998400/1426460092 [============>.................] - ETA: 3:58
 657022976/1426460092 [============>.................] - ETA: 3:58
 657121280/1426460092 [============>.................] - ETA: 3:58
 657219584/1426460092 [============>.................] - ETA: 3:58
 657285120/1426460092 [============>.................] - ETA: 3:58
 657489920/1426460092 [============>.................] - ETA: 3:58
 657596416/1426460092 [============>.................] - ETA: 3:58
 657678336/1426460092 [============>.................] - ETA: 3:58
 657817600/1426460092 [============>.................] - ETA: 3:58
 657915904/1426460092 [============>.................] - ETA: 3:58
 658038784/1426460092 [============>.................] - ETA: 3:58
 658161664/1426460092 [============>.................] - ETA: 3:58
 658276352/1426460092 [============>.................] - ETA: 3:58
 658432000/1426460092 [============>.................] - ETA: 3:58
 658513920/1426460092 [============>.................] - ETA: 3:58
 658694144/1426460092 [============>.................] - ETA: 3:58
 658808832/1426460092 [============>.................] - ETA: 3:58
 658972672/1426460092 [============>.................] - ETA: 3:58
 659120128/1426460092 [============>.................] - ETA: 3:58
 659218432/1426460092 [============>.................] - ETA: 3:58
 659415040/1426460092 [============>.................] - ETA: 3:58
 659587072/1426460092 [============>.................] - ETA: 3:58
 659791872/1426460092 [============>.................] - ETA: 3:57
 660029440/1426460092 [============>.................] - ETA: 3:57
 660086784/1426460092 [============>.................] - ETA: 3:57
 660250624/1426460092 [============>.................] - ETA: 3:57
 660520960/1426460092 [============>.................] - ETA: 3:57
 660750336/1426460092 [============>.................] - ETA: 3:57
 660930560/1426460092 [============>.................] - ETA: 3:57
 661127168/1426460092 [============>.................] - ETA: 3:57
 661217280/1426460092 [============>.................] - ETA: 3:57
 661372928/1426460092 [============>.................] - ETA: 3:57
 661536768/1426460092 [============>.................] - ETA: 3:57
 661684224/1426460092 [============>.................] - ETA: 3:57
 661897216/1426460092 [============>.................] - ETA: 3:57
 662061056/1426460092 [============>.................] - ETA: 3:57
 662224896/1426460092 [============>.................] - ETA: 3:57
 662470656/1426460092 [============>.................] - ETA: 3:57
 662724608/1426460092 [============>.................] - ETA: 3:56
 662904832/1426460092 [============>.................] - ETA: 3:56
 663150592/1426460092 [============>.................] - ETA: 3:56
 663322624/1426460092 [============>.................] - ETA: 3:56
 663576576/1426460092 [============>.................] - ETA: 3:56
 663715840/1426460092 [============>.................] - ETA: 3:56
 663969792/1426460092 [============>.................] - ETA: 3:56
 664215552/1426460092 [============>.................] - ETA: 3:56
 664444928/1426460092 [============>.................] - ETA: 3:56
 664682496/1426460092 [============>.................] - ETA: 3:56
 664977408/1426460092 [============>.................] - ETA: 3:56
 665264128/1426460092 [============>.................] - ETA: 3:56
 665346048/1426460092 [============>.................] - ETA: 3:56
 665624576/1426460092 [============>.................] - ETA: 3:55
 665886720/1426460092 [=============>................] - ETA: 3:55
 666066944/1426460092 [=============>................] - ETA: 3:55
 666181632/1426460092 [=============>................] - ETA: 3:55
 666443776/1426460092 [=============>................] - ETA: 3:55
 666566656/1426460092 [=============>................] - ETA: 3:55
 666853376/1426460092 [=============>................] - ETA: 3:55
 667058176/1426460092 [=============>................] - ETA: 3:55
 667336704/1426460092 [=============>................] - ETA: 3:55
 667648000/1426460092 [=============>................] - ETA: 3:55
 667926528/1426460092 [=============>................] - ETA: 3:55
 668221440/1426460092 [=============>................] - ETA: 3:54
 668483584/1426460092 [=============>................] - ETA: 3:54
 668762112/1426460092 [=============>................] - ETA: 3:54
 668893184/1426460092 [=============>................] - ETA: 3:54
 669147136/1426460092 [=============>................] - ETA: 3:54
 669401088/1426460092 [=============>................] - ETA: 3:54
 669753344/1426460092 [=============>................] - ETA: 3:54
 669974528/1426460092 [=============>................] - ETA: 3:54
 670228480/1426460092 [=============>................] - ETA: 3:54
 670474240/1426460092 [=============>................] - ETA: 3:54
 670736384/1426460092 [=============>................] - ETA: 3:54
 670932992/1426460092 [=============>................] - ETA: 3:53
 671252480/1426460092 [=============>................] - ETA: 3:53
 671424512/1426460092 [=============>................] - ETA: 3:53
 671531008/1426460092 [=============>................] - ETA: 3:53
 671588352/1426460092 [=============>................] - ETA: 3:53
 671703040/1426460092 [=============>................] - ETA: 3:53
 671752192/1426460092 [=============>................] - ETA: 3:54
 671760384/1426460092 [=============>................] - ETA: 3:54
 671809536/1426460092 [=============>................] - ETA: 3:54
 672055296/1426460092 [=============>................] - ETA: 3:54
 672063488/1426460092 [=============>................] - ETA: 3:54
 672235520/1426460092 [=============>................] - ETA: 3:54
 672415744/1426460092 [=============>................] - ETA: 3:54
 672653312/1426460092 [=============>................] - ETA: 3:54
 672735232/1426460092 [=============>................] - ETA: 3:54
 673136640/1426460092 [=============>................] - ETA: 3:53
 673243136/1426460092 [=============>................] - ETA: 3:54
 673464320/1426460092 [=============>................] - ETA: 3:53
 673619968/1426460092 [=============>................] - ETA: 3:53
 673980416/1426460092 [=============>................] - ETA: 3:53
 674226176/1426460092 [=============>................] - ETA: 3:53
 674398208/1426460092 [=============>................] - ETA: 3:53
 674594816/1426460092 [=============>................] - ETA: 3:53
 674734080/1426460092 [=============>................] - ETA: 3:53
 674996224/1426460092 [=============>................] - ETA: 3:53
 675233792/1426460092 [=============>................] - ETA: 3:53
 675438592/1426460092 [=============>................] - ETA: 3:53
 675618816/1426460092 [=============>................] - ETA: 3:53
 675840000/1426460092 [=============>................] - ETA: 3:53
 676020224/1426460092 [=============>................] - ETA: 3:53
 676151296/1426460092 [=============>................] - ETA: 3:53
 676405248/1426460092 [=============>................] - ETA: 3:53
 676610048/1426460092 [=============>................] - ETA: 3:52
 676831232/1426460092 [=============>................] - ETA: 3:52
 677117952/1426460092 [=============>................] - ETA: 3:52
 677339136/1426460092 [=============>................] - ETA: 3:52
 677642240/1426460092 [=============>................] - ETA: 3:52
 677912576/1426460092 [=============>................] - ETA: 3:52
 678273024/1426460092 [=============>................] - ETA: 3:52
 678617088/1426460092 [=============>................] - ETA: 3:52
 678879232/1426460092 [=============>................] - ETA: 3:52
 678961152/1426460092 [=============>................] - ETA: 3:52
 679182336/1426460092 [=============>................] - ETA: 3:51
 679444480/1426460092 [=============>................] - ETA: 3:51
 679706624/1426460092 [=============>................] - ETA: 3:51
 679821312/1426460092 [=============>................] - ETA: 3:51
 680108032/1426460092 [=============>................] - ETA: 3:51
 680271872/1426460092 [=============>................] - ETA: 3:51
 680517632/1426460092 [=============>................] - ETA: 3:51
 680706048/1426460092 [=============>................] - ETA: 3:51
 680878080/1426460092 [=============>................] - ETA: 3:51
 681099264/1426460092 [=============>................] - ETA: 3:51
 681369600/1426460092 [=============>................] - ETA: 3:51
 681566208/1426460092 [=============>................] - ETA: 3:51
 681713664/1426460092 [=============>................] - ETA: 3:51
 681975808/1426460092 [=============>................] - ETA: 3:51
 682123264/1426460092 [=============>................] - ETA: 3:51
 682434560/1426460092 [=============>................] - ETA: 3:51
 682704896/1426460092 [=============>................] - ETA: 3:50
 682835968/1426460092 [=============>................] - ETA: 3:50
 683040768/1426460092 [=============>................] - ETA: 3:50
 683220992/1426460092 [=============>................] - ETA: 3:50
 683384832/1426460092 [=============>................] - ETA: 3:50
 683589632/1426460092 [=============>................] - ETA: 3:50
 683769856/1426460092 [=============>................] - ETA: 3:50
 684081152/1426460092 [=============>................] - ETA: 3:50
 684253184/1426460092 [=============>................] - ETA: 3:50
 684474368/1426460092 [=============>................] - ETA: 3:50
 684613632/1426460092 [=============>................] - ETA: 3:50
 684843008/1426460092 [=============>................] - ETA: 3:50
 685006848/1426460092 [=============>................] - ETA: 3:50
 685211648/1426460092 [=============>................] - ETA: 3:50
 685457408/1426460092 [=============>................] - ETA: 3:50
 685645824/1426460092 [=============>................] - ETA: 3:49
 685891584/1426460092 [=============>................] - ETA: 3:49
 685924352/1426460092 [=============>................] - ETA: 3:49
 686153728/1426460092 [=============>................] - ETA: 3:49
 686391296/1426460092 [=============>................] - ETA: 3:49
 686645248/1426460092 [=============>................] - ETA: 3:49
 686825472/1426460092 [=============>................] - ETA: 3:49
 687054848/1426460092 [=============>................] - ETA: 3:49
 687243264/1426460092 [=============>................] - ETA: 3:49
 687431680/1426460092 [=============>................] - ETA: 3:49
 687669248/1426460092 [=============>................] - ETA: 3:49
 687792128/1426460092 [=============>................] - ETA: 3:49
 688046080/1426460092 [=============>................] - ETA: 3:49
 688242688/1426460092 [=============>................] - ETA: 3:49
 688431104/1426460092 [=============>................] - ETA: 3:49
 688635904/1426460092 [=============>................] - ETA: 3:49
 688807936/1426460092 [=============>................] - ETA: 3:49
 689020928/1426460092 [=============>................] - ETA: 3:48
 689225728/1426460092 [=============>................] - ETA: 3:48
 689422336/1426460092 [=============>................] - ETA: 3:48
 689577984/1426460092 [=============>................] - ETA: 3:48
 689766400/1426460092 [=============>................] - ETA: 3:48
 689971200/1426460092 [=============>................] - ETA: 3:48
 690159616/1426460092 [=============>................] - ETA: 3:48
 690413568/1426460092 [=============>................] - ETA: 3:48
 690667520/1426460092 [=============>................] - ETA: 3:48
 690716672/1426460092 [=============>................] - ETA: 3:48
 690946048/1426460092 [=============>................] - ETA: 3:48
 691093504/1426460092 [=============>................] - ETA: 3:48
 691216384/1426460092 [=============>................] - ETA: 3:48
 691355648/1426460092 [=============>................] - ETA: 3:48
 691552256/1426460092 [=============>................] - ETA: 3:48
 691789824/1426460092 [=============>................] - ETA: 3:48
 691879936/1426460092 [=============>................] - ETA: 3:48
 691978240/1426460092 [=============>................] - ETA: 3:48
 692133888/1426460092 [=============>................] - ETA: 3:48
 692273152/1426460092 [=============>................] - ETA: 3:48
 692461568/1426460092 [=============>................] - ETA: 3:48
 692715520/1426460092 [=============>................] - ETA: 3:47
 692789248/1426460092 [=============>................] - ETA: 3:47
 692953088/1426460092 [=============>................] - ETA: 3:47
 693329920/1426460092 [=============>................] - ETA: 3:47
 693411840/1426460092 [=============>................] - ETA: 3:47
 693731328/1426460092 [=============>................] - ETA: 3:47
 693895168/1426460092 [=============>................] - ETA: 3:47
 694091776/1426460092 [=============>................] - ETA: 3:47
 694214656/1426460092 [=============>................] - ETA: 3:47
 694394880/1426460092 [=============>................] - ETA: 3:47
 694534144/1426460092 [=============>................] - ETA: 3:47
 694738944/1426460092 [=============>................] - ETA: 3:47
 694845440/1426460092 [=============>................] - ETA: 3:47
 694910976/1426460092 [=============>................] - ETA: 3:47
 695074816/1426460092 [=============>................] - ETA: 3:47
 695263232/1426460092 [=============>................] - ETA: 3:47
 695500800/1426460092 [=============>................] - ETA: 3:47
 695607296/1426460092 [=============>................] - ETA: 3:47
 695623680/1426460092 [=============>................] - ETA: 3:47
 695689216/1426460092 [=============>................] - ETA: 3:47
 695934976/1426460092 [=============>................] - ETA: 3:47
 696090624/1426460092 [=============>................] - ETA: 3:47
 696098816/1426460092 [=============>................] - ETA: 3:47
 696287232/1426460092 [=============>................] - ETA: 3:47
 696623104/1426460092 [=============>................] - ETA: 3:47
 696860672/1426460092 [=============>................] - ETA: 3:47
 697057280/1426460092 [=============>................] - ETA: 3:47
 697155584/1426460092 [=============>................] - ETA: 3:47
 697483264/1426460092 [=============>................] - ETA: 3:46
 697671680/1426460092 [=============>................] - ETA: 3:46
 697892864/1426460092 [=============>................] - ETA: 3:46
 698138624/1426460092 [=============>................] - ETA: 3:46
 698384384/1426460092 [=============>................] - ETA: 3:46
 698548224/1426460092 [=============>................] - ETA: 3:46
 698744832/1426460092 [=============>................] - ETA: 3:46
 698982400/1426460092 [=============>................] - ETA: 3:46
 699146240/1426460092 [=============>................] - ETA: 3:46
 699400192/1426460092 [=============>................] - ETA: 3:46
 699604992/1426460092 [=============>................] - ETA: 3:46
 699883520/1426460092 [=============>................] - ETA: 3:46
 700088320/1426460092 [=============>................] - ETA: 3:46
 700170240/1426460092 [=============>................] - ETA: 3:46
 700407808/1426460092 [=============>................] - ETA: 3:45
 700653568/1426460092 [=============>................] - ETA: 3:45
 700850176/1426460092 [=============>................] - ETA: 3:45
 701063168/1426460092 [=============>................] - ETA: 3:45
 701267968/1426460092 [=============>................] - ETA: 3:45
 701505536/1426460092 [=============>................] - ETA: 3:45
 701587456/1426460092 [=============>................] - ETA: 3:45
 701808640/1426460092 [=============>................] - ETA: 3:45
 702038016/1426460092 [=============>................] - ETA: 3:45
 702193664/1426460092 [=============>................] - ETA: 3:45
 702447616/1426460092 [=============>................] - ETA: 3:45
 702701568/1426460092 [=============>................] - ETA: 3:45
 702955520/1426460092 [=============>................] - ETA: 3:45
 703193088/1426460092 [=============>................] - ETA: 3:45
 703356928/1426460092 [=============>................] - ETA: 3:44
 703586304/1426460092 [=============>................] - ETA: 3:44
 703954944/1426460092 [=============>................] - ETA: 3:44
 704225280/1426460092 [=============>................] - ETA: 3:44
 704544768/1426460092 [=============>................] - ETA: 3:44
 704831488/1426460092 [=============>................] - ETA: 3:44
 705011712/1426460092 [=============>................] - ETA: 3:44
 705183744/1426460092 [=============>................] - ETA: 3:44
 705429504/1426460092 [=============>................] - ETA: 3:44
 705658880/1426460092 [=============>................] - ETA: 3:44
 705888256/1426460092 [=============>................] - ETA: 3:44
 705904640/1426460092 [=============>................] - ETA: 3:44
 706101248/1426460092 [=============>................] - ETA: 3:44
 706199552/1426460092 [=============>................] - ETA: 3:44
 706469888/1426460092 [=============>................] - ETA: 3:43
 706625536/1426460092 [=============>................] - ETA: 3:44
 706895872/1426460092 [=============>................] - ETA: 3:43
 706994176/1426460092 [=============>................] - ETA: 3:44
 707223552/1426460092 [=============>................] - ETA: 3:43
 707264512/1426460092 [=============>................] - ETA: 3:44
 707436544/1426460092 [=============>................] - ETA: 3:43
 707592192/1426460092 [=============>................] - ETA: 3:43
 707960832/1426460092 [=============>................] - ETA: 3:43
 707985408/1426460092 [=============>................] - ETA: 3:43
 708132864/1426460092 [=============>................] - ETA: 3:43
 708321280/1426460092 [=============>................] - ETA: 3:43
 708485120/1426460092 [=============>................] - ETA: 3:43
 708722688/1426460092 [=============>................] - ETA: 3:43
 708976640/1426460092 [=============>................] - ETA: 3:43
 709246976/1426460092 [=============>................] - ETA: 3:43
 709410816/1426460092 [=============>................] - ETA: 3:43
 709705728/1426460092 [=============>................] - ETA: 3:43
 709910528/1426460092 [=============>................] - ETA: 3:43
 710017024/1426460092 [=============>................] - ETA: 3:43
 710025216/1426460092 [=============>................] - ETA: 3:43
 710410240/1426460092 [=============>................] - ETA: 3:43
 710688768/1426460092 [=============>................] - ETA: 3:42
 710918144/1426460092 [=============>................] - ETA: 3:42
 711098368/1426460092 [=============>................] - ETA: 3:42
 711303168/1426460092 [=============>................] - ETA: 3:42
 711606272/1426460092 [=============>................] - ETA: 3:42
 711827456/1426460092 [=============>................] - ETA: 3:42
 712089600/1426460092 [=============>................] - ETA: 3:42
 712269824/1426460092 [=============>................] - ETA: 3:42
 712499200/1426460092 [=============>................] - ETA: 3:42
 712687616/1426460092 [=============>................] - ETA: 3:42
 712720384/1426460092 [=============>................] - ETA: 3:42
 712769536/1426460092 [=============>................] - ETA: 3:42
 712908800/1426460092 [=============>................] - ETA: 3:42
 712974336/1426460092 [=============>................] - ETA: 3:42
 713195520/1426460092 [=============>................] - ETA: 3:42
 713367552/1426460092 [==============>...............] - ETA: 3:42
 713785344/1426460092 [==============>...............] - ETA: 3:42
 713949184/1426460092 [==============>...............] - ETA: 3:42
 714235904/1426460092 [==============>...............] - ETA: 3:41
 714465280/1426460092 [==============>...............] - ETA: 3:41
 714661888/1426460092 [==============>...............] - ETA: 3:41
 714768384/1426460092 [==============>...............] - ETA: 3:41
 715038720/1426460092 [==============>...............] - ETA: 3:41
 715284480/1426460092 [==============>...............] - ETA: 3:41
 715522048/1426460092 [==============>...............] - ETA: 3:41
 715726848/1426460092 [==============>...............] - ETA: 3:41
 715923456/1426460092 [==============>...............] - ETA: 3:41
 716169216/1426460092 [==============>...............] - ETA: 3:41
 716374016/1426460092 [==============>...............] - ETA: 3:41
 716513280/1426460092 [==============>...............] - ETA: 3:41
 716734464/1426460092 [==============>...............] - ETA: 3:41
 716947456/1426460092 [==============>...............] - ETA: 3:41
 717160448/1426460092 [==============>...............] - ETA: 3:40
 717381632/1426460092 [==============>...............] - ETA: 3:40
 717594624/1426460092 [==============>...............] - ETA: 3:40
 717799424/1426460092 [==============>...............] - ETA: 3:40
 717922304/1426460092 [==============>...............] - ETA: 3:40
 718069760/1426460092 [==============>...............] - ETA: 3:40
 718340096/1426460092 [==============>...............] - ETA: 3:40
 718528512/1426460092 [==============>...............] - ETA: 3:40
 718733312/1426460092 [==============>...............] - ETA: 3:40
 718831616/1426460092 [==============>...............] - ETA: 3:40
 719036416/1426460092 [==============>...............] - ETA: 3:40
 719233024/1426460092 [==============>...............] - ETA: 3:40
 719437824/1426460092 [==============>...............] - ETA: 3:40
 719634432/1426460092 [==============>...............] - ETA: 3:40
 719757312/1426460092 [==============>...............] - ETA: 3:40
 720035840/1426460092 [==============>...............] - ETA: 3:40
 720216064/1426460092 [==============>...............] - ETA: 3:40
 720371712/1426460092 [==============>...............] - ETA: 3:40
 720543744/1426460092 [==============>...............] - ETA: 3:39
 720756736/1426460092 [==============>...............] - ETA: 3:39
 720994304/1426460092 [==============>...............] - ETA: 3:39
 721141760/1426460092 [==============>...............] - ETA: 3:39
 721412096/1426460092 [==============>...............] - ETA: 3:39
 721657856/1426460092 [==============>...............] - ETA: 3:39
 721879040/1426460092 [==============>...............] - ETA: 3:39
 722132992/1426460092 [==============>...............] - ETA: 3:39
 722313216/1426460092 [==============>...............] - ETA: 3:39
 722501632/1426460092 [==============>...............] - ETA: 3:39
 722591744/1426460092 [==============>...............] - ETA: 3:39
 722837504/1426460092 [==============>...............] - ETA: 3:39
 723050496/1426460092 [==============>...............] - ETA: 3:39
 723271680/1426460092 [==============>...............] - ETA: 3:39
 723492864/1426460092 [==============>...............] - ETA: 3:38
 723779584/1426460092 [==============>...............] - ETA: 3:38
 724074496/1426460092 [==============>...............] - ETA: 3:38
 724295680/1426460092 [==============>...............] - ETA: 3:38
 724525056/1426460092 [==============>...............] - ETA: 3:38
 724795392/1426460092 [==============>...............] - ETA: 3:38
 724910080/1426460092 [==============>...............] - ETA: 3:38
 725123072/1426460092 [==============>...............] - ETA: 3:38
 725344256/1426460092 [==============>...............] - ETA: 3:38
 725483520/1426460092 [==============>...............] - ETA: 3:38
 725647360/1426460092 [==============>...............] - ETA: 3:38
 725901312/1426460092 [==============>...............] - ETA: 3:38
 726261760/1426460092 [==============>...............] - ETA: 3:38
 726589440/1426460092 [==============>...............] - ETA: 3:37
 726695936/1426460092 [==============>...............] - ETA: 3:37
 726982656/1426460092 [==============>...............] - ETA: 3:37
 727236608/1426460092 [==============>...............] - ETA: 3:37
 727539712/1426460092 [==============>...............] - ETA: 3:37
 727629824/1426460092 [==============>...............] - ETA: 3:37
 727875584/1426460092 [==============>...............] - ETA: 3:37
 728080384/1426460092 [==============>...............] - ETA: 3:37
 728530944/1426460092 [==============>...............] - ETA: 3:37
 728735744/1426460092 [==============>...............] - ETA: 3:37
 728940544/1426460092 [==============>...............] - ETA: 3:37
 729145344/1426460092 [==============>...............] - ETA: 3:37
 729341952/1426460092 [==============>...............] - ETA: 3:37
 729579520/1426460092 [==============>...............] - ETA: 3:36
 729833472/1426460092 [==============>...............] - ETA: 3:36
 730062848/1426460092 [==============>...............] - ETA: 3:36
 730406912/1426460092 [==============>...............] - ETA: 3:36
 730628096/1426460092 [==============>...............] - ETA: 3:36
 730849280/1426460092 [==============>...............] - ETA: 3:36
 730988544/1426460092 [==============>...............] - ETA: 3:36
 731209728/1426460092 [==============>...............] - ETA: 3:36
 731430912/1426460092 [==============>...............] - ETA: 3:36
 731652096/1426460092 [==============>...............] - ETA: 3:36
 731742208/1426460092 [==============>...............] - ETA: 3:36
 731947008/1426460092 [==============>...............] - ETA: 3:36
 732176384/1426460092 [==============>...............] - ETA: 3:36
 732446720/1426460092 [==============>...............] - ETA: 3:35
 732651520/1426460092 [==============>...............] - ETA: 3:35
 732667904/1426460092 [==============>...............] - ETA: 3:36
 732954624/1426460092 [==============>...............] - ETA: 3:35
 733192192/1426460092 [==============>...............] - ETA: 3:35
 733274112/1426460092 [==============>...............] - ETA: 3:35
 733405184/1426460092 [==============>...............] - ETA: 3:35
 733470720/1426460092 [==============>...............] - ETA: 3:35
 733577216/1426460092 [==============>...............] - ETA: 3:35
 733593600/1426460092 [==============>...............] - ETA: 3:36
 733609984/1426460092 [==============>...............] - ETA: 3:36
 733806592/1426460092 [==============>...............] - ETA: 3:36
 733831168/1426460092 [==============>...............] - ETA: 3:36
 733986816/1426460092 [==============>...............] - ETA: 3:36
 734109696/1426460092 [==============>...............] - ETA: 3:36
 734240768/1426460092 [==============>...............] - ETA: 3:36
 734404608/1426460092 [==============>...............] - ETA: 3:36
 734543872/1426460092 [==============>...............] - ETA: 3:36
 734715904/1426460092 [==============>...............] - ETA: 3:35
 734855168/1426460092 [==============>...............] - ETA: 3:35
 735019008/1426460092 [==============>...............] - ETA: 3:35
 735191040/1426460092 [==============>...............] - ETA: 3:35
 735338496/1426460092 [==============>...............] - ETA: 3:35
 735485952/1426460092 [==============>...............] - ETA: 3:35
 735657984/1426460092 [==============>...............] - ETA: 3:35
 735985664/1426460092 [==============>...............] - ETA: 3:35
 736272384/1426460092 [==============>...............] - ETA: 3:35
 736477184/1426460092 [==============>...............] - ETA: 3:35
 736681984/1426460092 [==============>...............] - ETA: 3:35
 736845824/1426460092 [==============>...............] - ETA: 3:35
 736993280/1426460092 [==============>...............] - ETA: 3:35
 737140736/1426460092 [==============>...............] - ETA: 3:35
 737345536/1426460092 [==============>...............] - ETA: 3:35
 737697792/1426460092 [==============>...............] - ETA: 3:35
 737861632/1426460092 [==============>...............] - ETA: 3:35
 738017280/1426460092 [==============>...............] - ETA: 3:34
 738238464/1426460092 [==============>...............] - ETA: 3:34
 738435072/1426460092 [==============>...............] - ETA: 3:34
 738648064/1426460092 [==============>...............] - ETA: 3:34
 738836480/1426460092 [==============>...............] - ETA: 3:34
 738992128/1426460092 [==============>...............] - ETA: 3:34
 739131392/1426460092 [==============>...............] - ETA: 3:34
 739303424/1426460092 [==============>...............] - ETA: 3:34
 739450880/1426460092 [==============>...............] - ETA: 3:34
 739639296/1426460092 [==============>...............] - ETA: 3:34
 739778560/1426460092 [==============>...............] - ETA: 3:34
 739926016/1426460092 [==============>...............] - ETA: 3:34
 740122624/1426460092 [==============>...............] - ETA: 3:34
 740311040/1426460092 [==============>...............] - ETA: 3:34
 740442112/1426460092 [==============>...............] - ETA: 3:34
 740564992/1426460092 [==============>...............] - ETA: 3:34
 740737024/1426460092 [==============>...............] - ETA: 3:34
 740835328/1426460092 [==============>...............] - ETA: 3:34
 741040128/1426460092 [==============>...............] - ETA: 3:34
 741138432/1426460092 [==============>...............] - ETA: 3:34
 741384192/1426460092 [==============>...............] - ETA: 3:34
 741531648/1426460092 [==============>...............] - ETA: 3:34
 741629952/1426460092 [==============>...............] - ETA: 3:34
 741777408/1426460092 [==============>...............] - ETA: 3:34
 742023168/1426460092 [==============>...............] - ETA: 3:33
 742031360/1426460092 [==============>...............] - ETA: 3:34
 742334464/1426460092 [==============>...............] - ETA: 3:33
 742506496/1426460092 [==============>...............] - ETA: 3:33
 742711296/1426460092 [==============>...............] - ETA: 3:33
 742875136/1426460092 [==============>...............] - ETA: 3:33
 743047168/1426460092 [==============>...............] - ETA: 3:33
 743211008/1426460092 [==============>...............] - ETA: 3:33
 743473152/1426460092 [==============>...............] - ETA: 3:33
 743628800/1426460092 [==============>...............] - ETA: 3:33
 743809024/1426460092 [==============>...............] - ETA: 3:33
 743948288/1426460092 [==============>...............] - ETA: 3:33
 744202240/1426460092 [==============>...............] - ETA: 3:33
 744235008/1426460092 [==============>...............] - ETA: 3:33
 744456192/1426460092 [==============>...............] - ETA: 3:33
 744595456/1426460092 [==============>...............] - ETA: 3:33
 744767488/1426460092 [==============>...............] - ETA: 3:33
 745021440/1426460092 [==============>...............] - ETA: 3:33
 745209856/1426460092 [==============>...............] - ETA: 3:33
 745373696/1426460092 [==============>...............] - ETA: 3:33
 745496576/1426460092 [==============>...............] - ETA: 3:33
 745668608/1426460092 [==============>...............] - ETA: 3:33
 745906176/1426460092 [==============>...............] - ETA: 3:33
 746086400/1426460092 [==============>...............] - ETA: 3:32
 746192896/1426460092 [==============>...............] - ETA: 3:32
 746340352/1426460092 [==============>...............] - ETA: 3:32
 746528768/1426460092 [==============>...............] - ETA: 3:32
 746749952/1426460092 [==============>...............] - ETA: 3:32
 747110400/1426460092 [==============>...............] - ETA: 3:32
 747298816/1426460092 [==============>...............] - ETA: 3:32
 747528192/1426460092 [==============>...............] - ETA: 3:32
 747585536/1426460092 [==============>...............] - ETA: 3:32
 747814912/1426460092 [==============>...............] - ETA: 3:32
 747978752/1426460092 [==============>...............] - ETA: 3:32
 748158976/1426460092 [==============>...............] - ETA: 3:32
 748363776/1426460092 [==============>...............] - ETA: 3:32
 748568576/1426460092 [==============>...............] - ETA: 3:32
 748748800/1426460092 [==============>...............] - ETA: 3:32
 748863488/1426460092 [==============>...............] - ETA: 3:32
 749174784/1426460092 [==============>...............] - ETA: 3:31
 749191168/1426460092 [==============>...............] - ETA: 3:32
 749379584/1426460092 [==============>...............] - ETA: 3:31
 749494272/1426460092 [==============>...............] - ETA: 3:31
 749658112/1426460092 [==============>...............] - ETA: 3:31
 749764608/1426460092 [==============>...............] - ETA: 3:31
 749944832/1426460092 [==============>...............] - ETA: 3:31
 750116864/1426460092 [==============>...............] - ETA: 3:31
 750305280/1426460092 [==============>...............] - ETA: 3:31
 750346240/1426460092 [==============>...............] - ETA: 3:31
 750518272/1426460092 [==============>...............] - ETA: 3:31
 750616576/1426460092 [==============>...............] - ETA: 3:31
 750796800/1426460092 [==============>...............] - ETA: 3:31
 750993408/1426460092 [==============>...............] - ETA: 3:31
 751132672/1426460092 [==============>...............] - ETA: 3:31
 751304704/1426460092 [==============>...............] - ETA: 3:31
 751583232/1426460092 [==============>...............] - ETA: 3:31
 751706112/1426460092 [==============>...............] - ETA: 3:31
 751960064/1426460092 [==============>...............] - ETA: 3:31
 752173056/1426460092 [==============>...............] - ETA: 3:31
 752394240/1426460092 [==============>...............] - ETA: 3:31
 752484352/1426460092 [==============>...............] - ETA: 3:31
 752689152/1426460092 [==============>...............] - ETA: 3:31
 752951296/1426460092 [==============>...............] - ETA: 3:30
 753180672/1426460092 [==============>...............] - ETA: 3:30
 753442816/1426460092 [==============>...............] - ETA: 3:30
 753639424/1426460092 [==============>...............] - ETA: 3:30
 753893376/1426460092 [==============>...............] - ETA: 3:30
 754049024/1426460092 [==============>...............] - ETA: 3:30
 754196480/1426460092 [==============>...............] - ETA: 3:30
 754466816/1426460092 [==============>...............] - ETA: 3:30
 754655232/1426460092 [==============>...............] - ETA: 3:30
 754900992/1426460092 [==============>...............] - ETA: 3:30
 755146752/1426460092 [==============>...............] - ETA: 3:30
 755384320/1426460092 [==============>...............] - ETA: 3:30
 755564544/1426460092 [==============>...............] - ETA: 3:29
 755630080/1426460092 [==============>...............] - ETA: 3:30
 755752960/1426460092 [==============>...............] - ETA: 3:29
 755957760/1426460092 [==============>...............] - ETA: 3:29
 756146176/1426460092 [==============>...............] - ETA: 3:29
 756531200/1426460092 [==============>...............] - ETA: 3:29
 756580352/1426460092 [==============>...............] - ETA: 3:29
 756613120/1426460092 [==============>...............] - ETA: 3:29
 756645888/1426460092 [==============>...............] - ETA: 3:29
 756654080/1426460092 [==============>...............] - ETA: 3:29
 756916224/1426460092 [==============>...............] - ETA: 3:29
 757063680/1426460092 [==============>...............] - ETA: 3:29
 757284864/1426460092 [==============>...............] - ETA: 3:29
 757334016/1426460092 [==============>...............] - ETA: 3:29
 757596160/1426460092 [==============>...............] - ETA: 3:29
 757809152/1426460092 [==============>...............] - ETA: 3:29
 758087680/1426460092 [==============>...............] - ETA: 3:29
 758218752/1426460092 [==============>...............] - ETA: 3:29
 758464512/1426460092 [==============>...............] - ETA: 3:29
 758521856/1426460092 [==============>...............] - ETA: 3:29
 758530048/1426460092 [==============>...............] - ETA: 3:29
 758841344/1426460092 [==============>...............] - ETA: 3:29
 759013376/1426460092 [==============>...............] - ETA: 3:29
 759152640/1426460092 [==============>...............] - ETA: 3:29
 759332864/1426460092 [==============>...............] - ETA: 3:29
 759488512/1426460092 [==============>...............] - ETA: 3:29
 759693312/1426460092 [==============>...............] - ETA: 3:29
 759963648/1426460092 [==============>...............] - ETA: 3:29
 760152064/1426460092 [==============>...............] - ETA: 3:29
 760365056/1426460092 [==============>...............] - ETA: 3:28
 760496128/1426460092 [==============>...............] - ETA: 3:28
 760750080/1426460092 [==============>...............] - ETA: 3:28
 760905728/1426460092 [===============>..............] - ETA: 3:28
 761118720/1426460092 [===============>..............] - ETA: 3:28
 761135104/1426460092 [===============>..............] - ETA: 3:28
 761380864/1426460092 [===============>..............] - ETA: 3:28
 761577472/1426460092 [===============>..............] - ETA: 3:28
 761888768/1426460092 [===============>..............] - ETA: 3:28
 762044416/1426460092 [===============>..............] - ETA: 3:28
 762241024/1426460092 [===============>..............] - ETA: 3:28
 762462208/1426460092 [===============>..............] - ETA: 3:28
 762683392/1426460092 [===============>..............] - ETA: 3:28
 762822656/1426460092 [===============>..............] - ETA: 3:28
 763068416/1426460092 [===============>..............] - ETA: 3:28
 763289600/1426460092 [===============>..............] - ETA: 3:28
 763478016/1426460092 [===============>..............] - ETA: 3:27
 763764736/1426460092 [===============>..............] - ETA: 3:27
 763969536/1426460092 [===============>..............] - ETA: 3:27
 764059648/1426460092 [===============>..............] - ETA: 3:27
 764305408/1426460092 [===============>..............] - ETA: 3:27
 764502016/1426460092 [===============>..............] - ETA: 3:27
 764706816/1426460092 [===============>..............] - ETA: 3:27
 764977152/1426460092 [===============>..............] - ETA: 3:27
 765050880/1426460092 [===============>..............] - ETA: 3:27
 765255680/1426460092 [===============>..............] - ETA: 3:27
 765444096/1426460092 [===============>..............] - ETA: 3:27
 765648896/1426460092 [===============>..............] - ETA: 3:27
 765804544/1426460092 [===============>..............] - ETA: 3:27
 765919232/1426460092 [===============>..............] - ETA: 3:27
 766148608/1426460092 [===============>..............] - ETA: 3:27
 766320640/1426460092 [===============>..............] - ETA: 3:27
 766468096/1426460092 [===============>..............] - ETA: 3:27
 766615552/1426460092 [===============>..............] - ETA: 3:27
 766795776/1426460092 [===============>..............] - ETA: 3:26
 766984192/1426460092 [===============>..............] - ETA: 3:26
 767164416/1426460092 [===============>..............] - ETA: 3:26
 767336448/1426460092 [===============>..............] - ETA: 3:26
 767451136/1426460092 [===============>..............] - ETA: 3:26
 767598592/1426460092 [===============>..............] - ETA: 3:26
 767787008/1426460092 [===============>..............] - ETA: 3:26
 767975424/1426460092 [===============>..............] - ETA: 3:26
 768172032/1426460092 [===============>..............] - ETA: 3:26
 768425984/1426460092 [===============>..............] - ETA: 3:26
 768630784/1426460092 [===============>..............] - ETA: 3:26
 768835584/1426460092 [===============>..............] - ETA: 3:26
 768991232/1426460092 [===============>..............] - ETA: 3:26
 769269760/1426460092 [===============>..............] - ETA: 3:26
 769351680/1426460092 [===============>..............] - ETA: 3:26
 769687552/1426460092 [===============>..............] - ETA: 3:26
 769884160/1426460092 [===============>..............] - ETA: 3:26
 770064384/1426460092 [===============>..............] - ETA: 3:26
 770228224/1426460092 [===============>..............] - ETA: 3:25
 770326528/1426460092 [===============>..............] - ETA: 3:26
 770678784/1426460092 [===============>..............] - ETA: 3:25
 770899968/1426460092 [===============>..............] - ETA: 3:25
 771088384/1426460092 [===============>..............] - ETA: 3:25
 771244032/1426460092 [===============>..............] - ETA: 3:25
 771538944/1426460092 [===============>..............] - ETA: 3:25
 771710976/1426460092 [===============>..............] - ETA: 3:25
 771751936/1426460092 [===============>..............] - ETA: 3:25
 772128768/1426460092 [===============>..............] - ETA: 3:25
 772366336/1426460092 [===============>..............] - ETA: 3:25
 772562944/1426460092 [===============>..............] - ETA: 3:25
 772775936/1426460092 [===============>..............] - ETA: 3:25
 772874240/1426460092 [===============>..............] - ETA: 3:25
 773226496/1426460092 [===============>..............] - ETA: 3:25
 773603328/1426460092 [===============>..............] - ETA: 3:24
 773775360/1426460092 [===============>..............] - ETA: 3:24
 773971968/1426460092 [===============>..............] - ETA: 3:24
 774217728/1426460092 [===============>..............] - ETA: 3:24
 774479872/1426460092 [===============>..............] - ETA: 3:24
 774873088/1426460092 [===============>..............] - ETA: 3:24
 775159808/1426460092 [===============>..............] - ETA: 3:24
 775356416/1426460092 [===============>..............] - ETA: 3:24
 775626752/1426460092 [===============>..............] - ETA: 3:24
 775815168/1426460092 [===============>..............] - ETA: 3:24
 776052736/1426460092 [===============>..............] - ETA: 3:24
 776282112/1426460092 [===============>..............] - ETA: 3:23
 776314880/1426460092 [===============>..............] - ETA: 3:23
 776454144/1426460092 [===============>..............] - ETA: 3:23
 776593408/1426460092 [===============>..............] - ETA: 3:23
 776757248/1426460092 [===============>..............] - ETA: 3:23
 776871936/1426460092 [===============>..............] - ETA: 3:23
 777003008/1426460092 [===============>..............] - ETA: 3:23
 777175040/1426460092 [===============>..............] - ETA: 3:23
 777297920/1426460092 [===============>..............] - ETA: 3:23
 777355264/1426460092 [===============>..............] - ETA: 3:23
 777412608/1426460092 [===============>..............] - ETA: 3:23
 777568256/1426460092 [===============>..............] - ETA: 3:23
 777838592/1426460092 [===============>..............] - ETA: 3:23
 777945088/1426460092 [===============>..............] - ETA: 3:23
 778190848/1426460092 [===============>..............] - ETA: 3:23
 778248192/1426460092 [===============>..............] - ETA: 3:23
 778444800/1426460092 [===============>..............] - ETA: 3:23
 778641408/1426460092 [===============>..............] - ETA: 3:23
 778813440/1426460092 [===============>..............] - ETA: 3:23
 778936320/1426460092 [===============>..............] - ETA: 3:23
 779108352/1426460092 [===============>..............] - ETA: 3:23
 779280384/1426460092 [===============>..............] - ETA: 3:23
 779419648/1426460092 [===============>..............] - ETA: 3:23
 779567104/1426460092 [===============>..............] - ETA: 3:23
 779649024/1426460092 [===============>..............] - ETA: 3:23
 779821056/1426460092 [===============>..............] - ETA: 3:23
 779984896/1426460092 [===============>..............] - ETA: 3:23
 780124160/1426460092 [===============>..............] - ETA: 3:23
 780140544/1426460092 [===============>..............] - ETA: 3:23
 780271616/1426460092 [===============>..............] - ETA: 3:23
 780402688/1426460092 [===============>..............] - ETA: 3:23
 780541952/1426460092 [===============>..............] - ETA: 3:23
 780722176/1426460092 [===============>..............] - ETA: 3:23
 780877824/1426460092 [===============>..............] - ETA: 3:23
 781058048/1426460092 [===============>..............] - ETA: 3:23
 781205504/1426460092 [===============>..............] - ETA: 3:22
 781328384/1426460092 [===============>..............] - ETA: 3:22
 781484032/1426460092 [===============>..............] - ETA: 3:22
 781598720/1426460092 [===============>..............] - ETA: 3:22
 781664256/1426460092 [===============>..............] - ETA: 3:22
 781942784/1426460092 [===============>..............] - ETA: 3:22
 782098432/1426460092 [===============>..............] - ETA: 3:22
 782229504/1426460092 [===============>..............] - ETA: 3:22
 782344192/1426460092 [===============>..............] - ETA: 3:22
 782573568/1426460092 [===============>..............] - ETA: 3:22
 782614528/1426460092 [===============>..............] - ETA: 3:22
 782663680/1426460092 [===============>..............] - ETA: 3:22
 782696448/1426460092 [===============>..............] - ETA: 3:22
 782753792/1426460092 [===============>..............] - ETA: 3:22
 782884864/1426460092 [===============>..............] - ETA: 3:22
 783024128/1426460092 [===============>..............] - ETA: 3:22
 783130624/1426460092 [===============>..............] - ETA: 3:22
 783294464/1426460092 [===============>..............] - ETA: 3:22
 783392768/1426460092 [===============>..............] - ETA: 3:22
 783589376/1426460092 [===============>..............] - ETA: 3:22
 783736832/1426460092 [===============>..............] - ETA: 3:22
 783867904/1426460092 [===============>..............] - ETA: 3:22
 783998976/1426460092 [===============>..............] - ETA: 3:22
 784138240/1426460092 [===============>..............] - ETA: 3:22
 784277504/1426460092 [===============>..............] - ETA: 3:22
 784375808/1426460092 [===============>..............] - ETA: 3:22
 784523264/1426460092 [===============>..............] - ETA: 3:22
 784670720/1426460092 [===============>..............] - ETA: 3:22
 784793600/1426460092 [===============>..............] - ETA: 3:22
 784957440/1426460092 [===============>..............] - ETA: 3:22
 785113088/1426460092 [===============>..............] - ETA: 3:22
 785301504/1426460092 [===============>..............] - ETA: 3:22
 785530880/1426460092 [===============>..............] - ETA: 3:22
 785735680/1426460092 [===============>..............] - ETA: 3:22
 785907712/1426460092 [===============>..............] - ETA: 3:22
 785973248/1426460092 [===============>..............] - ETA: 3:22
 786145280/1426460092 [===============>..............] - ETA: 3:21
 786300928/1426460092 [===============>..............] - ETA: 3:21
 786530304/1426460092 [===============>..............] - ETA: 3:21
 786817024/1426460092 [===============>..............] - ETA: 3:21
 786980864/1426460092 [===============>..............] - ETA: 3:21
 787185664/1426460092 [===============>..............] - ETA: 3:21
 787398656/1426460092 [===============>..............] - ETA: 3:21
 787521536/1426460092 [===============>..............] - ETA: 3:21
 787718144/1426460092 [===============>..............] - ETA: 3:21
 787931136/1426460092 [===============>..............] - ETA: 3:21
 788176896/1426460092 [===============>..............] - ETA: 3:21
 788381696/1426460092 [===============>..............] - ETA: 3:21
 788611072/1426460092 [===============>..............] - ETA: 3:21
 788824064/1426460092 [===============>..............] - ETA: 3:21
 788963328/1426460092 [===============>..............] - ETA: 3:21
 789135360/1426460092 [===============>..............] - ETA: 3:20
 789356544/1426460092 [===============>..............] - ETA: 3:20
 789553152/1426460092 [===============>..............] - ETA: 3:20
 789766144/1426460092 [===============>..............] - ETA: 3:20
 789987328/1426460092 [===============>..............] - ETA: 3:20
 790183936/1426460092 [===============>..............] - ETA: 3:20
 790339584/1426460092 [===============>..............] - ETA: 3:20
 790560768/1426460092 [===============>..............] - ETA: 3:20
 790749184/1426460092 [===============>..............] - ETA: 3:20
 790872064/1426460092 [===============>..............] - ETA: 3:20
 791207936/1426460092 [===============>..............] - ETA: 3:20
 791461888/1426460092 [===============>..............] - ETA: 3:20
 791584768/1426460092 [===============>..............] - ETA: 3:20
 791887872/1426460092 [===============>..............] - ETA: 3:20
 792084480/1426460092 [===============>..............] - ETA: 3:19
 792150016/1426460092 [===============>..............] - ETA: 3:20
 792379392/1426460092 [===============>..............] - ETA: 3:19
 792600576/1426460092 [===============>..............] - ETA: 3:19
 792764416/1426460092 [===============>..............] - ETA: 3:19
 792961024/1426460092 [===============>..............] - ETA: 3:19
 793223168/1426460092 [===============>..............] - ETA: 3:19
 793452544/1426460092 [===============>..............] - ETA: 3:19
 793665536/1426460092 [===============>..............] - ETA: 3:19
 793862144/1426460092 [===============>..............] - ETA: 3:19
 793968640/1426460092 [===============>..............] - ETA: 3:19
 794042368/1426460092 [===============>..............] - ETA: 3:19
 794263552/1426460092 [===============>..............] - ETA: 3:19
 794435584/1426460092 [===============>..............] - ETA: 3:19
 794640384/1426460092 [===============>..............] - ETA: 3:19
 794869760/1426460092 [===============>..............] - ETA: 3:19
 795000832/1426460092 [===============>..............] - ETA: 3:19
 795107328/1426460092 [===============>..............] - ETA: 3:19
 795336704/1426460092 [===============>..............] - ETA: 3:18
 795475968/1426460092 [===============>..............] - ETA: 3:18
 795598848/1426460092 [===============>..............] - ETA: 3:18
 795705344/1426460092 [===============>..............] - ETA: 3:18
 795779072/1426460092 [===============>..............] - ETA: 3:18
 795910144/1426460092 [===============>..............] - ETA: 3:18
 796033024/1426460092 [===============>..............] - ETA: 3:18
 796082176/1426460092 [===============>..............] - ETA: 3:18
 796262400/1426460092 [===============>..............] - ETA: 3:18
 796344320/1426460092 [===============>..............] - ETA: 3:18
 796581888/1426460092 [===============>..............] - ETA: 3:18
 796803072/1426460092 [===============>..............] - ETA: 3:18
 796876800/1426460092 [===============>..............] - ETA: 3:18
 797057024/1426460092 [===============>..............] - ETA: 3:18
 797286400/1426460092 [===============>..............] - ETA: 3:18
 797319168/1426460092 [===============>..............] - ETA: 3:18
 797491200/1426460092 [===============>..............] - ETA: 3:18
 797851648/1426460092 [===============>..............] - ETA: 3:18
 797999104/1426460092 [===============>..............] - ETA: 3:18
 798138368/1426460092 [===============>..............] - ETA: 3:18
 798334976/1426460092 [===============>..............] - ETA: 3:18
 798498816/1426460092 [===============>..............] - ETA: 3:18
 798728192/1426460092 [===============>..............] - ETA: 3:18
 798908416/1426460092 [===============>..............] - ETA: 3:18
 799105024/1426460092 [===============>..............] - ETA: 3:18
 799350784/1426460092 [===============>..............] - ETA: 3:17
 799637504/1426460092 [===============>..............] - ETA: 3:17
 799842304/1426460092 [===============>..............] - ETA: 3:17
 800038912/1426460092 [===============>..............] - ETA: 3:17
 800268288/1426460092 [===============>..............] - ETA: 3:17
 800489472/1426460092 [===============>..............] - ETA: 3:17
 800727040/1426460092 [===============>..............] - ETA: 3:17
 800825344/1426460092 [===============>..............] - ETA: 3:17
 801054720/1426460092 [===============>..............] - ETA: 3:17
 801218560/1426460092 [===============>..............] - ETA: 3:17
 801374208/1426460092 [===============>..............] - ETA: 3:17
 801595392/1426460092 [===============>..............] - ETA: 3:17
 801816576/1426460092 [===============>..............] - ETA: 3:17
 801898496/1426460092 [===============>..............] - ETA: 3:17
 802029568/1426460092 [===============>..............] - ETA: 3:17
 802217984/1426460092 [===============>..............] - ETA: 3:17
 802496512/1426460092 [===============>..............] - ETA: 3:16
 802742272/1426460092 [===============>..............] - ETA: 3:17
 802897920/1426460092 [===============>..............] - ETA: 3:16
 802938880/1426460092 [===============>..............] - ETA: 3:17
 803168256/1426460092 [===============>..............] - ETA: 3:16
 803209216/1426460092 [===============>..............] - ETA: 3:17
 803250176/1426460092 [===============>..............] - ETA: 3:17
 803258368/1426460092 [===============>..............] - ETA: 3:17
 803430400/1426460092 [===============>..............] - ETA: 3:17
 803569664/1426460092 [===============>..............] - ETA: 3:17
 803749888/1426460092 [===============>..............] - ETA: 3:17
 803946496/1426460092 [===============>..............] - ETA: 3:17
 803995648/1426460092 [===============>..............] - ETA: 3:17
 804126720/1426460092 [===============>..............] - ETA: 3:17
 804306944/1426460092 [===============>..............] - ETA: 3:17
 804495360/1426460092 [===============>..............] - ETA: 3:17
 804700160/1426460092 [===============>..............] - ETA: 3:17
 804945920/1426460092 [===============>..............] - ETA: 3:17
 805003264/1426460092 [===============>..............] - ETA: 3:17
 805265408/1426460092 [===============>..............] - ETA: 3:17
 805462016/1426460092 [===============>..............] - ETA: 3:16
 805748736/1426460092 [===============>..............] - ETA: 3:16
 805806080/1426460092 [===============>..............] - ETA: 3:16
 805945344/1426460092 [===============>..............] - ETA: 3:16
 806305792/1426460092 [===============>..............] - ETA: 3:16
 806649856/1426460092 [===============>..............] - ETA: 3:16
 806944768/1426460092 [===============>..............] - ETA: 3:16
 807141376/1426460092 [===============>..............] - ETA: 3:16
 807354368/1426460092 [===============>..............] - ETA: 3:16
 807518208/1426460092 [===============>..............] - ETA: 3:16
 807714816/1426460092 [===============>..............] - ETA: 3:16
 807788544/1426460092 [===============>..............] - ETA: 3:16
 807993344/1426460092 [===============>..............] - ETA: 3:16
 808165376/1426460092 [===============>..............] - ETA: 3:16
 808255488/1426460092 [===============>..............] - ETA: 3:16
 808452096/1426460092 [================>.............] - ETA: 3:15
 808681472/1426460092 [================>.............] - ETA: 3:15
 808828928/1426460092 [================>.............] - ETA: 3:15
 809025536/1426460092 [================>.............] - ETA: 3:15
 809213952/1426460092 [================>.............] - ETA: 3:15
 809394176/1426460092 [================>.............] - ETA: 3:15
 809607168/1426460092 [================>.............] - ETA: 3:15
 809820160/1426460092 [================>.............] - ETA: 3:15
 809926656/1426460092 [================>.............] - ETA: 3:15
 810213376/1426460092 [================>.............] - ETA: 3:15
 810328064/1426460092 [================>.............] - ETA: 3:15
 810516480/1426460092 [================>.............] - ETA: 3:15
 810606592/1426460092 [================>.............] - ETA: 3:15
 810844160/1426460092 [================>.............] - ETA: 3:15
 811016192/1426460092 [================>.............] - ETA: 3:15
 811032576/1426460092 [================>.............] - ETA: 3:15
 811343872/1426460092 [================>.............] - ETA: 3:15
 811548672/1426460092 [================>.............] - ETA: 3:15
 811671552/1426460092 [================>.............] - ETA: 3:15
 811892736/1426460092 [================>.............] - ETA: 3:14
 812244992/1426460092 [================>.............] - ETA: 3:14
 812457984/1426460092 [================>.............] - ETA: 3:14
 812605440/1426460092 [================>.............] - ETA: 3:14
 812785664/1426460092 [================>.............] - ETA: 3:14
 813023232/1426460092 [================>.............] - ETA: 3:14
 813031424/1426460092 [================>.............] - ETA: 3:14
 813359104/1426460092 [================>.............] - ETA: 3:14
 813506560/1426460092 [================>.............] - ETA: 3:14
 813760512/1426460092 [================>.............] - ETA: 3:14
 813957120/1426460092 [================>.............] - ETA: 3:14
 814252032/1426460092 [================>.............] - ETA: 3:14
 814317568/1426460092 [================>.............] - ETA: 3:14
 814620672/1426460092 [================>.............] - ETA: 3:14
 814882816/1426460092 [================>.............] - ETA: 3:13
 815292416/1426460092 [================>.............] - ETA: 3:13
 815431680/1426460092 [================>.............] - ETA: 3:13
 815857664/1426460092 [================>.............] - ETA: 3:13
 816070656/1426460092 [================>.............] - ETA: 3:13
 816308224/1426460092 [================>.............] - ETA: 3:13
 816521216/1426460092 [================>.............] - ETA: 3:13
 816742400/1426460092 [================>.............] - ETA: 3:13
 817061888/1426460092 [================>.............] - ETA: 3:13
 817324032/1426460092 [================>.............] - ETA: 3:13
 817487872/1426460092 [================>.............] - ETA: 3:12
 817725440/1426460092 [================>.............] - ETA: 3:12
 817946624/1426460092 [================>.............] - ETA: 3:12
 818143232/1426460092 [================>.............] - ETA: 3:12
 818421760/1426460092 [================>.............] - ETA: 3:12
 818536448/1426460092 [================>.............] - ETA: 3:12
 818741248/1426460092 [================>.............] - ETA: 3:12
 818913280/1426460092 [================>.............] - ETA: 3:12
 819052544/1426460092 [================>.............] - ETA: 3:12
 819101696/1426460092 [================>.............] - ETA: 3:12
 819142656/1426460092 [================>.............] - ETA: 3:12
 819183616/1426460092 [================>.............] - ETA: 3:12
 819281920/1426460092 [================>.............] - ETA: 3:12
 819404800/1426460092 [================>.............] - ETA: 3:12
 819511296/1426460092 [================>.............] - ETA: 3:12
 819625984/1426460092 [================>.............] - ETA: 3:12
 819879936/1426460092 [================>.............] - ETA: 3:12
 819937280/1426460092 [================>.............] - ETA: 3:12
 820084736/1426460092 [================>.............] - ETA: 3:12
 820174848/1426460092 [================>.............] - ETA: 3:12
 820404224/1426460092 [================>.............] - ETA: 3:12
 820412416/1426460092 [================>.............] - ETA: 3:12
 820527104/1426460092 [================>.............] - ETA: 3:12
 820715520/1426460092 [================>.............] - ETA: 3:12
 820854784/1426460092 [================>.............] - ETA: 3:12
 821051392/1426460092 [================>.............] - ETA: 3:12
 821223424/1426460092 [================>.............] - ETA: 3:12
 821403648/1426460092 [================>.............] - ETA: 3:12
 821559296/1426460092 [================>.............] - ETA: 3:12
 821780480/1426460092 [================>.............] - ETA: 3:12
 821821440/1426460092 [================>.............] - ETA: 3:12
 821878784/1426460092 [================>.............] - ETA: 3:12
 822059008/1426460092 [================>.............] - ETA: 3:12
 822206464/1426460092 [================>.............] - ETA: 3:12
 822419456/1426460092 [================>.............] - ETA: 3:11
 822648832/1426460092 [================>.............] - ETA: 3:11
 822837248/1426460092 [================>.............] - ETA: 3:11
 823009280/1426460092 [================>.............] - ETA: 3:11
 823140352/1426460092 [================>.............] - ETA: 3:11
 823312384/1426460092 [================>.............] - ETA: 3:11
 823517184/1426460092 [================>.............] - ETA: 3:11
 823681024/1426460092 [================>.............] - ETA: 3:11
 823885824/1426460092 [================>.............] - ETA: 3:11
 824082432/1426460092 [================>.............] - ETA: 3:11
 824320000/1426460092 [================>.............] - ETA: 3:11
 824467456/1426460092 [================>.............] - ETA: 3:11
 824582144/1426460092 [================>.............] - ETA: 3:11
 824590336/1426460092 [================>.............] - ETA: 3:11
 824836096/1426460092 [================>.............] - ETA: 3:11
 824991744/1426460092 [================>.............] - ETA: 3:11
 825196544/1426460092 [================>.............] - ETA: 3:11
 825368576/1426460092 [================>.............] - ETA: 3:11
 825573376/1426460092 [================>.............] - ETA: 3:10
 825729024/1426460092 [================>.............] - ETA: 3:10
 825876480/1426460092 [================>.............] - ETA: 3:10
 826105856/1426460092 [================>.............] - ETA: 3:10
 826310656/1426460092 [================>.............] - ETA: 3:10
 826507264/1426460092 [================>.............] - ETA: 3:10
 826638336/1426460092 [================>.............] - ETA: 3:10
 826818560/1426460092 [================>.............] - ETA: 3:10
 826966016/1426460092 [================>.............] - ETA: 3:10
 827080704/1426460092 [================>.............] - ETA: 3:10
 827244544/1426460092 [================>.............] - ETA: 3:10
 827490304/1426460092 [================>.............] - ETA: 3:10
 827686912/1426460092 [================>.............] - ETA: 3:10
 827875328/1426460092 [================>.............] - ETA: 3:10
 828063744/1426460092 [================>.............] - ETA: 3:10
 828260352/1426460092 [================>.............] - ETA: 3:10
 828538880/1426460092 [================>.............] - ETA: 3:10
 828719104/1426460092 [================>.............] - ETA: 3:10
 828923904/1426460092 [================>.............] - ETA: 3:09
 829218816/1426460092 [================>.............] - ETA: 3:09
 829267968/1426460092 [================>.............] - ETA: 3:09
 829562880/1426460092 [================>.............] - ETA: 3:09
 829767680/1426460092 [================>.............] - ETA: 3:09
 829956096/1426460092 [================>.............] - ETA: 3:09
 830152704/1426460092 [================>.............] - ETA: 3:09
 830349312/1426460092 [================>.............] - ETA: 3:09
 830488576/1426460092 [================>.............] - ETA: 3:09
 830693376/1426460092 [================>.............] - ETA: 3:09
 830865408/1426460092 [================>.............] - ETA: 3:09
 831070208/1426460092 [================>.............] - ETA: 3:09
 831258624/1426460092 [================>.............] - ETA: 3:09
 831324160/1426460092 [================>.............] - ETA: 3:09
 831504384/1426460092 [================>.............] - ETA: 3:09
 831537152/1426460092 [================>.............] - ETA: 3:09
 831741952/1426460092 [================>.............] - ETA: 3:09
 831930368/1426460092 [================>.............] - ETA: 3:09
 832192512/1426460092 [================>.............] - ETA: 3:08
 832282624/1426460092 [================>.............] - ETA: 3:08
 832577536/1426460092 [================>.............] - ETA: 3:08
 832774144/1426460092 [================>.............] - ETA: 3:08
 832995328/1426460092 [================>.............] - ETA: 3:08
 833175552/1426460092 [================>.............] - ETA: 3:08
 833404928/1426460092 [================>.............] - ETA: 3:08
 833552384/1426460092 [================>.............] - ETA: 3:08
 833650688/1426460092 [================>.............] - ETA: 3:08
 833765376/1426460092 [================>.............] - ETA: 3:08
 833863680/1426460092 [================>.............] - ETA: 3:08
 833994752/1426460092 [================>.............] - ETA: 3:08
 834043904/1426460092 [================>.............] - ETA: 3:08
 834289664/1426460092 [================>.............] - ETA: 3:08
 834502656/1426460092 [================>.............] - ETA: 3:08
 834658304/1426460092 [================>.............] - ETA: 3:08
 834707456/1426460092 [================>.............] - ETA: 3:08
 834789376/1426460092 [================>.............] - ETA: 3:08
 834854912/1426460092 [================>.............] - ETA: 3:08
 835125248/1426460092 [================>.............] - ETA: 3:08
 835166208/1426460092 [================>.............] - ETA: 3:08
 835248128/1426460092 [================>.............] - ETA: 3:08
 835502080/1426460092 [================>.............] - ETA: 3:08
 835698688/1426460092 [================>.............] - ETA: 3:08
 835887104/1426460092 [================>.............] - ETA: 3:08
 836173824/1426460092 [================>.............] - ETA: 3:08
 836444160/1426460092 [================>.............] - ETA: 3:08
 836558848/1426460092 [================>.............] - ETA: 3:08
 836567040/1426460092 [================>.............] - ETA: 3:08
 836780032/1426460092 [================>.............] - ETA: 3:08
 837001216/1426460092 [================>.............] - ETA: 3:07
 837230592/1426460092 [================>.............] - ETA: 3:07
 837451776/1426460092 [================>.............] - ETA: 3:07
 837632000/1426460092 [================>.............] - ETA: 3:07
 837804032/1426460092 [================>.............] - ETA: 3:07
 837967872/1426460092 [================>.............] - ETA: 3:07
 838090752/1426460092 [================>.............] - ETA: 3:07
 838287360/1426460092 [================>.............] - ETA: 3:07
 838533120/1426460092 [================>.............] - ETA: 3:07
 838737920/1426460092 [================>.............] - ETA: 3:07
 838860800/1426460092 [================>.............] - ETA: 3:07
 839106560/1426460092 [================>.............] - ETA: 3:07
 839270400/1426460092 [================>.............] - ETA: 3:07
 839458816/1426460092 [================>.............] - ETA: 3:07
 839606272/1426460092 [================>.............] - ETA: 3:07
 839802880/1426460092 [================>.............] - ETA: 3:07
 839999488/1426460092 [================>.............] - ETA: 3:06
 840204288/1426460092 [================>.............] - ETA: 3:06
 840269824/1426460092 [================>.............] - ETA: 3:06
 840433664/1426460092 [================>.............] - ETA: 3:06
 840679424/1426460092 [================>.............] - ETA: 3:06
 840949760/1426460092 [================>.............] - ETA: 3:06
 841252864/1426460092 [================>.............] - ETA: 3:06
 841506816/1426460092 [================>.............] - ETA: 3:06
 841736192/1426460092 [================>.............] - ETA: 3:06
 841924608/1426460092 [================>.............] - ETA: 3:06
 842096640/1426460092 [================>.............] - ETA: 3:06
 842268672/1426460092 [================>.............] - ETA: 3:06
 842489856/1426460092 [================>.............] - ETA: 3:06
 842719232/1426460092 [================>.............] - ETA: 3:06
 842825728/1426460092 [================>.............] - ETA: 3:06
 843005952/1426460092 [================>.............] - ETA: 3:06
 843177984/1426460092 [================>.............] - ETA: 3:05
 843366400/1426460092 [================>.............] - ETA: 3:05
 843489280/1426460092 [================>.............] - ETA: 3:05
 843792384/1426460092 [================>.............] - ETA: 3:05
 843923456/1426460092 [================>.............] - ETA: 3:05
 844193792/1426460092 [================>.............] - ETA: 3:05
 844226560/1426460092 [================>.............] - ETA: 3:05
 844472320/1426460092 [================>.............] - ETA: 3:05
 844636160/1426460092 [================>.............] - ETA: 3:05
 844840960/1426460092 [================>.............] - ETA: 3:05
 845021184/1426460092 [================>.............] - ETA: 3:05
 845119488/1426460092 [================>.............] - ETA: 3:05
 845340672/1426460092 [================>.............] - ETA: 3:05
 845602816/1426460092 [================>.............] - ETA: 3:05
 845668352/1426460092 [================>.............] - ETA: 3:05
 845742080/1426460092 [================>.............] - ETA: 3:05
 845955072/1426460092 [================>.............] - ETA: 3:05
 846159872/1426460092 [================>.............] - ETA: 3:05
 846348288/1426460092 [================>.............] - ETA: 3:05
 846569472/1426460092 [================>.............] - ETA: 3:05
 846774272/1426460092 [================>.............] - ETA: 3:05
 846897152/1426460092 [================>.............] - ETA: 3:05
 847077376/1426460092 [================>.............] - ETA: 3:05
 847241216/1426460092 [================>.............] - ETA: 3:05
 847429632/1426460092 [================>.............] - ETA: 3:04
 847552512/1426460092 [================>.............] - ETA: 3:04
 847773696/1426460092 [================>.............] - ETA: 3:04
 847953920/1426460092 [================>.............] - ETA: 3:04
 848134144/1426460092 [================>.............] - ETA: 3:04
 848199680/1426460092 [================>.............] - ETA: 3:04
 848355328/1426460092 [================>.............] - ETA: 3:04
 848502784/1426460092 [================>.............] - ETA: 3:04
 848543744/1426460092 [================>.............] - ETA: 3:04
 848609280/1426460092 [================>.............] - ETA: 3:04
 848723968/1426460092 [================>.............] - ETA: 3:04
 848863232/1426460092 [================>.............] - ETA: 3:04
 849010688/1426460092 [================>.............] - ETA: 3:04
 849149952/1426460092 [================>.............] - ETA: 3:04
 849297408/1426460092 [================>.............] - ETA: 3:04
 849371136/1426460092 [================>.............] - ETA: 3:04
 849551360/1426460092 [================>.............] - ETA: 3:04
 849690624/1426460092 [================>.............] - ETA: 3:04
 849756160/1426460092 [================>.............] - ETA: 3:04
 849788928/1426460092 [================>.............] - ETA: 3:04
 849870848/1426460092 [================>.............] - ETA: 3:04
 849903616/1426460092 [================>.............] - ETA: 3:04
 850116608/1426460092 [================>.............] - ETA: 3:04
 850223104/1426460092 [================>.............] - ETA: 3:04
 850378752/1426460092 [================>.............] - ETA: 3:04
 850444288/1426460092 [================>.............] - ETA: 3:04
 850583552/1426460092 [================>.............] - ETA: 3:04
 850698240/1426460092 [================>.............] - ETA: 3:04
 850731008/1426460092 [================>.............] - ETA: 3:04
 850927616/1426460092 [================>.............] - ETA: 3:04
 851083264/1426460092 [================>.............] - ETA: 3:04
 851247104/1426460092 [================>.............] - ETA: 3:04
 851353600/1426460092 [================>.............] - ETA: 3:04
 851468288/1426460092 [================>.............] - ETA: 3:04
 851648512/1426460092 [================>.............] - ETA: 3:04
 851853312/1426460092 [================>.............] - ETA: 3:04
 852041728/1426460092 [================>.............] - ETA: 3:04
 852238336/1426460092 [================>.............] - ETA: 3:04
 852451328/1426460092 [================>.............] - ETA: 3:04
 852656128/1426460092 [================>.............] - ETA: 3:04
 852795392/1426460092 [================>.............] - ETA: 3:04
 852992000/1426460092 [================>.............] - ETA: 3:04
 853147648/1426460092 [================>.............] - ETA: 3:03
 853377024/1426460092 [================>.............] - ETA: 3:03
 853499904/1426460092 [================>.............] - ETA: 3:03
 853753856/1426460092 [================>.............] - ETA: 3:03
 853843968/1426460092 [================>.............] - ETA: 3:03
 854024192/1426460092 [================>.............] - ETA: 3:03
 854171648/1426460092 [================>.............] - ETA: 3:03
 854286336/1426460092 [================>.............] - ETA: 3:03
 854433792/1426460092 [================>.............] - ETA: 3:03
 854638592/1426460092 [================>.............] - ETA: 3:03
 854794240/1426460092 [================>.............] - ETA: 3:03
 854999040/1426460092 [================>.............] - ETA: 3:03
 855105536/1426460092 [================>.............] - ETA: 3:03
 855326720/1426460092 [================>.............] - ETA: 3:03
 855498752/1426460092 [================>.............] - ETA: 3:03
 855670784/1426460092 [================>.............] - ETA: 3:03
 855891968/1426460092 [=================>............] - ETA: 3:03
 856096768/1426460092 [=================>............] - ETA: 3:02
 856285184/1426460092 [=================>............] - ETA: 3:02
 856522752/1426460092 [=================>............] - ETA: 3:02
 856940544/1426460092 [=================>............] - ETA: 3:02
 857079808/1426460092 [=================>............] - ETA: 3:02
 857350144/1426460092 [=================>............] - ETA: 3:02
 857726976/1426460092 [=================>............] - ETA: 3:02
 857989120/1426460092 [=================>............] - ETA: 3:02
 858234880/1426460092 [=================>............] - ETA: 3:02
 858374144/1426460092 [=================>............] - ETA: 3:02
 858497024/1426460092 [=================>............] - ETA: 3:02
 858816512/1426460092 [=================>............] - ETA: 3:02
 859013120/1426460092 [=================>............] - ETA: 3:02
 859070464/1426460092 [=================>............] - ETA: 3:02
 859299840/1426460092 [=================>............] - ETA: 3:01
 859488256/1426460092 [=================>............] - ETA: 3:01
 859774976/1426460092 [=================>............] - ETA: 3:01
 859971584/1426460092 [=================>............] - ETA: 3:01
 860127232/1426460092 [=================>............] - ETA: 3:01
 860340224/1426460092 [=================>............] - ETA: 3:01
 860512256/1426460092 [=================>............] - ETA: 3:01
 860676096/1426460092 [=================>............] - ETA: 3:01
 860782592/1426460092 [=================>............] - ETA: 3:01
 861003776/1426460092 [=================>............] - ETA: 3:01
 861241344/1426460092 [=================>............] - ETA: 3:01
 861421568/1426460092 [=================>............] - ETA: 3:01
 861593600/1426460092 [=================>............] - ETA: 3:01
 861749248/1426460092 [=================>............] - ETA: 3:01
 861855744/1426460092 [=================>............] - ETA: 3:01
 862044160/1426460092 [=================>............] - ETA: 3:01
 862216192/1426460092 [=================>............] - ETA: 3:00
 862281728/1426460092 [=================>............] - ETA: 3:00
 862453760/1426460092 [=================>............] - ETA: 3:00
 862601216/1426460092 [=================>............] - ETA: 3:00
 862765056/1426460092 [=================>............] - ETA: 3:00
 862928896/1426460092 [=================>............] - ETA: 3:00
 863133696/1426460092 [=================>............] - ETA: 3:00
 863313920/1426460092 [=================>............] - ETA: 3:00
 863322112/1426460092 [=================>............] - ETA: 3:00
 863485952/1426460092 [=================>............] - ETA: 3:00
 863657984/1426460092 [=================>............] - ETA: 3:00
 863764480/1426460092 [=================>............] - ETA: 3:00
 864010240/1426460092 [=================>............] - ETA: 3:00
 864206848/1426460092 [=================>............] - ETA: 3:00
 864395264/1426460092 [=================>............] - ETA: 3:00
 864534528/1426460092 [=================>............] - ETA: 3:00
 864706560/1426460092 [=================>............] - ETA: 3:00
 864739328/1426460092 [=================>............] - ETA: 3:00
 864821248/1426460092 [=================>............] - ETA: 3:00
 864886784/1426460092 [=================>............] - ETA: 3:00
 864927744/1426460092 [=================>............] - ETA: 3:00
 865132544/1426460092 [=================>............] - ETA: 3:00
 865239040/1426460092 [=================>............] - ETA: 3:00
 865271808/1426460092 [=================>............] - ETA: 3:00
 865550336/1426460092 [=================>............] - ETA: 3:00
 865624064/1426460092 [=================>............] - ETA: 3:00
 865820672/1426460092 [=================>............] - ETA: 3:00
 865894400/1426460092 [=================>............] - ETA: 3:00
 866295808/1426460092 [=================>............] - ETA: 3:00
 866385920/1426460092 [=================>............] - ETA: 3:00
 866598912/1426460092 [=================>............] - ETA: 3:00
 866762752/1426460092 [=================>............] - ETA: 3:00
 866983936/1426460092 [=================>............] - ETA: 3:00
 867172352/1426460092 [=================>............] - ETA: 3:00
 867516416/1426460092 [=================>............] - ETA: 3:00
 867729408/1426460092 [=================>............] - ETA: 2:59
 867999744/1426460092 [=================>............] - ETA: 2:59
 868270080/1426460092 [=================>............] - ETA: 2:59
 868515840/1426460092 [=================>............] - ETA: 2:59
 868835328/1426460092 [=================>............] - ETA: 2:59
 868982784/1426460092 [=================>............] - ETA: 2:59
 869138432/1426460092 [=================>............] - ETA: 2:59
 869384192/1426460092 [=================>............] - ETA: 2:59
 869662720/1426460092 [=================>............] - ETA: 2:59
 869892096/1426460092 [=================>............] - ETA: 2:59
 870105088/1426460092 [=================>............] - ETA: 2:59
 870350848/1426460092 [=================>............] - ETA: 2:58
 870604800/1426460092 [=================>............] - ETA: 2:58
 870776832/1426460092 [=================>............] - ETA: 2:58
 871055360/1426460092 [=================>............] - ETA: 2:58
 871235584/1426460092 [=================>............] - ETA: 2:58
 871424000/1426460092 [=================>............] - ETA: 2:58
 871710720/1426460092 [=================>............] - ETA: 2:58
 871882752/1426460092 [=================>............] - ETA: 2:58
 871956480/1426460092 [=================>............] - ETA: 2:58
 871972864/1426460092 [=================>............] - ETA: 2:58
 872194048/1426460092 [=================>............] - ETA: 2:58
 872374272/1426460092 [=================>............] - ETA: 2:58
 872603648/1426460092 [=================>............] - ETA: 2:58
 872792064/1426460092 [=================>............] - ETA: 2:58
 872931328/1426460092 [=================>............] - ETA: 2:58
 873259008/1426460092 [=================>............] - ETA: 2:57
 873512960/1426460092 [=================>............] - ETA: 2:57
 873562112/1426460092 [=================>............] - ETA: 2:57
 873684992/1426460092 [=================>............] - ETA: 2:57
 873897984/1426460092 [=================>............] - ETA: 2:57
 874070016/1426460092 [=================>............] - ETA: 2:57
 874258432/1426460092 [=================>............] - ETA: 2:57
 874545152/1426460092 [=================>............] - ETA: 2:57
 874725376/1426460092 [=================>............] - ETA: 2:57
 874897408/1426460092 [=================>............] - ETA: 2:57
 874979328/1426460092 [=================>............] - ETA: 2:57
 875216896/1426460092 [=================>............] - ETA: 2:57
 875364352/1426460092 [=================>............] - ETA: 2:57
 875552768/1426460092 [=================>............] - ETA: 2:57
 875741184/1426460092 [=================>............] - ETA: 2:57
 875855872/1426460092 [=================>............] - ETA: 2:57
 876027904/1426460092 [=================>............] - ETA: 2:57
 876158976/1426460092 [=================>............] - ETA: 2:57
 876437504/1426460092 [=================>............] - ETA: 2:56
 876519424/1426460092 [=================>............] - ETA: 2:57
 876756992/1426460092 [=================>............] - ETA: 2:56
 876920832/1426460092 [=================>............] - ETA: 2:56
 877117440/1426460092 [=================>............] - ETA: 2:56
 877305856/1426460092 [=================>............] - ETA: 2:56
 877494272/1426460092 [=================>............] - ETA: 2:56
 877699072/1426460092 [=================>............] - ETA: 2:56
 877764608/1426460092 [=================>............] - ETA: 2:56
 877953024/1426460092 [=================>............] - ETA: 2:56
 878092288/1426460092 [=================>............] - ETA: 2:56
 878157824/1426460092 [=================>............] - ETA: 2:56
 878313472/1426460092 [=================>............] - ETA: 2:56
 878583808/1426460092 [=================>............] - ETA: 2:56
 878731264/1426460092 [=================>............] - ETA: 2:56
 878960640/1426460092 [=================>............] - ETA: 2:56
 879108096/1426460092 [=================>............] - ETA: 2:56
 879321088/1426460092 [=================>............] - ETA: 2:56
 879329280/1426460092 [=================>............] - ETA: 2:56
 879566848/1426460092 [=================>............] - ETA: 2:56
 879632384/1426460092 [=================>............] - ETA: 2:56
 879771648/1426460092 [=================>............] - ETA: 2:56
 879886336/1426460092 [=================>............] - ETA: 2:56
 880074752/1426460092 [=================>............] - ETA: 2:56
 880140288/1426460092 [=================>............] - ETA: 2:56
 880287744/1426460092 [=================>............] - ETA: 2:56
 880361472/1426460092 [=================>............] - ETA: 2:56
 880558080/1426460092 [=================>............] - ETA: 2:55
 880705536/1426460092 [=================>............] - ETA: 2:55
 880951296/1426460092 [=================>............] - ETA: 2:55
 881033216/1426460092 [=================>............] - ETA: 2:55
 881262592/1426460092 [=================>............] - ETA: 2:55
 881385472/1426460092 [=================>............] - ETA: 2:55
 881688576/1426460092 [=================>............] - ETA: 2:55
 881983488/1426460092 [=================>............] - ETA: 2:55
 882032640/1426460092 [=================>............] - ETA: 2:55
 882106368/1426460092 [=================>............] - ETA: 2:55
 882122752/1426460092 [=================>............] - ETA: 2:55
 882204672/1426460092 [=================>............] - ETA: 2:55
 882311168/1426460092 [=================>............] - ETA: 2:55
 882450432/1426460092 [=================>............] - ETA: 2:55
 882606080/1426460092 [=================>............] - ETA: 2:55
 882638848/1426460092 [=================>............] - ETA: 2:55
 882794496/1426460092 [=================>............] - ETA: 2:55
 882966528/1426460092 [=================>............] - ETA: 2:55
 883073024/1426460092 [=================>............] - ETA: 2:55
 883195904/1426460092 [=================>............] - ETA: 2:55
 883294208/1426460092 [=================>............] - ETA: 2:55
 883490816/1426460092 [=================>............] - ETA: 2:55
 883605504/1426460092 [=================>............] - ETA: 2:55
 883785728/1426460092 [=================>............] - ETA: 2:55
 883941376/1426460092 [=================>............] - ETA: 2:55
 884080640/1426460092 [=================>............] - ETA: 2:55
 884203520/1426460092 [=================>............] - ETA: 2:55
 884350976/1426460092 [=================>............] - ETA: 2:55
 884506624/1426460092 [=================>............] - ETA: 2:55
 884613120/1426460092 [=================>............] - ETA: 2:55
 884744192/1426460092 [=================>............] - ETA: 2:55
 884932608/1426460092 [=================>............] - ETA: 2:55
 885080064/1426460092 [=================>............] - ETA: 2:55
 885211136/1426460092 [=================>............] - ETA: 2:54
 885374976/1426460092 [=================>............] - ETA: 2:54
 885555200/1426460092 [=================>............] - ETA: 2:54
 885587968/1426460092 [=================>............] - ETA: 2:54
 885776384/1426460092 [=================>............] - ETA: 2:54
 886005760/1426460092 [=================>............] - ETA: 2:54
 886095872/1426460092 [=================>............] - ETA: 2:54
 886243328/1426460092 [=================>............] - ETA: 2:54
 886439936/1426460092 [=================>............] - ETA: 2:54
 886661120/1426460092 [=================>............] - ETA: 2:54
 886816768/1426460092 [=================>............] - ETA: 2:54
 887037952/1426460092 [=================>............] - ETA: 2:54
 887062528/1426460092 [=================>............] - ETA: 2:54
 887226368/1426460092 [=================>............] - ETA: 2:54
 887414784/1426460092 [=================>............] - ETA: 2:54
 887644160/1426460092 [=================>............] - ETA: 2:54
 887816192/1426460092 [=================>............] - ETA: 2:54
 887996416/1426460092 [=================>............] - ETA: 2:54
 888209408/1426460092 [=================>............] - ETA: 2:54
 888397824/1426460092 [=================>............] - ETA: 2:54
 888537088/1426460092 [=================>............] - ETA: 2:54
 888684544/1426460092 [=================>............] - ETA: 2:53
 888946688/1426460092 [=================>............] - ETA: 2:53
 889151488/1426460092 [=================>............] - ETA: 2:53
 889184256/1426460092 [=================>............] - ETA: 2:53
 889421824/1426460092 [=================>............] - ETA: 2:53
 889552896/1426460092 [=================>............] - ETA: 2:53
 889782272/1426460092 [=================>............] - ETA: 2:53
 889978880/1426460092 [=================>............] - ETA: 2:53
 890109952/1426460092 [=================>............] - ETA: 2:53
 890257408/1426460092 [=================>............] - ETA: 2:53
 890454016/1426460092 [=================>............] - ETA: 2:53
 890789888/1426460092 [=================>............] - ETA: 2:53
 891019264/1426460092 [=================>............] - ETA: 2:53
 891240448/1426460092 [=================>............] - ETA: 2:53
 891461632/1426460092 [=================>............] - ETA: 2:53
 891674624/1426460092 [=================>............] - ETA: 2:52
 891854848/1426460092 [=================>............] - ETA: 2:52
 892026880/1426460092 [=================>............] - ETA: 2:52
 892223488/1426460092 [=================>............] - ETA: 2:52
 892379136/1426460092 [=================>............] - ETA: 2:52
 892600320/1426460092 [=================>............] - ETA: 2:52
 892665856/1426460092 [=================>............] - ETA: 2:52
 892821504/1426460092 [=================>............] - ETA: 2:52
 893091840/1426460092 [=================>............] - ETA: 2:52
 893362176/1426460092 [=================>............] - ETA: 2:52
 893485056/1426460092 [=================>............] - ETA: 2:52
 893640704/1426460092 [=================>............] - ETA: 2:52
 893861888/1426460092 [=================>............] - ETA: 2:52
 894181376/1426460092 [=================>............] - ETA: 2:52
 894492672/1426460092 [=================>............] - ETA: 2:52
 894787584/1426460092 [=================>............] - ETA: 2:51
 895041536/1426460092 [=================>............] - ETA: 2:51
 895254528/1426460092 [=================>............] - ETA: 2:51
 895565824/1426460092 [=================>............] - ETA: 2:51
 895893504/1426460092 [=================>............] - ETA: 2:51
 896163840/1426460092 [=================>............] - ETA: 2:51
 896458752/1426460092 [=================>............] - ETA: 2:51
 896581632/1426460092 [=================>............] - ETA: 2:51
 896835584/1426460092 [=================>............] - ETA: 2:51
 896909312/1426460092 [=================>............] - ETA: 2:51
 897228800/1426460092 [=================>............] - ETA: 2:51
 897449984/1426460092 [=================>............] - ETA: 2:50
 897761280/1426460092 [=================>............] - ETA: 2:50
 898056192/1426460092 [=================>............] - ETA: 2:50
 898310144/1426460092 [=================>............] - ETA: 2:50
 898646016/1426460092 [=================>............] - ETA: 2:50
 898883584/1426460092 [=================>............] - ETA: 2:50
 899186688/1426460092 [=================>............] - ETA: 2:50
 899579904/1426460092 [=================>............] - ETA: 2:50
 899932160/1426460092 [=================>............] - ETA: 2:50
 900194304/1426460092 [=================>............] - ETA: 2:50
 900382720/1426460092 [=================>............] - ETA: 2:50
 900464640/1426460092 [=================>............] - ETA: 2:50
 900669440/1426460092 [=================>............] - ETA: 2:50
 900849664/1426460092 [=================>............] - ETA: 2:49
 901234688/1426460092 [=================>............] - ETA: 2:49
 901488640/1426460092 [=================>............] - ETA: 2:49
 901677056/1426460092 [=================>............] - ETA: 2:49
 901963776/1426460092 [=================>............] - ETA: 2:49
 902225920/1426460092 [=================>............] - ETA: 2:49
 902471680/1426460092 [=================>............] - ETA: 2:49
 902627328/1426460092 [=================>............] - ETA: 2:49
 902856704/1426460092 [=================>............] - ETA: 2:49
 903151616/1426460092 [=================>............] - ETA: 2:49
 903446528/1426460092 [==================>...........] - ETA: 2:49
 903659520/1426460092 [==================>...........] - ETA: 2:48
 903897088/1426460092 [==================>...........] - ETA: 2:48
 904200192/1426460092 [==================>...........] - ETA: 2:48
 904454144/1426460092 [==================>...........] - ETA: 2:48
 904757248/1426460092 [==================>...........] - ETA: 2:48
 904921088/1426460092 [==================>...........] - ETA: 2:48
 905240576/1426460092 [==================>...........] - ETA: 2:48
 905568256/1426460092 [==================>...........] - ETA: 2:48
 905945088/1426460092 [==================>...........] - ETA: 2:48
 905994240/1426460092 [==================>...........] - ETA: 2:48
 906346496/1426460092 [==================>...........] - ETA: 2:47
 906690560/1426460092 [==================>...........] - ETA: 2:47
 907010048/1426460092 [==================>...........] - ETA: 2:47
 907378688/1426460092 [==================>...........] - ETA: 2:47
 907608064/1426460092 [==================>...........] - ETA: 2:47
 907755520/1426460092 [==================>...........] - ETA: 2:47
 907763712/1426460092 [==================>...........] - ETA: 2:47
 907862016/1426460092 [==================>...........] - ETA: 2:47
 907894784/1426460092 [==================>...........] - ETA: 2:47
 908107776/1426460092 [==================>...........] - ETA: 2:47
 908574720/1426460092 [==================>...........] - ETA: 2:47
 908820480/1426460092 [==================>...........] - ETA: 2:47
 908828672/1426460092 [==================>...........] - ETA: 2:47
 909156352/1426460092 [==================>...........] - ETA: 2:47
 909352960/1426460092 [==================>...........] - ETA: 2:46
 909426688/1426460092 [==================>...........] - ETA: 2:47
 909434880/1426460092 [==================>...........] - ETA: 2:47
 909492224/1426460092 [==================>...........] - ETA: 2:47
 909664256/1426460092 [==================>...........] - ETA: 2:47
 909803520/1426460092 [==================>...........] - ETA: 2:46
 909959168/1426460092 [==================>...........] - ETA: 2:46
 910147584/1426460092 [==================>...........] - ETA: 2:46
 910270464/1426460092 [==================>...........] - ETA: 2:46
 910450688/1426460092 [==================>...........] - ETA: 2:46
 910639104/1426460092 [==================>...........] - ETA: 2:46
 910843904/1426460092 [==================>...........] - ETA: 2:46
 910974976/1426460092 [==================>...........] - ETA: 2:46
 911138816/1426460092 [==================>...........] - ETA: 2:46
 911319040/1426460092 [==================>...........] - ETA: 2:46
 911597568/1426460092 [==================>...........] - ETA: 2:46
 911630336/1426460092 [==================>...........] - ETA: 2:46
 911761408/1426460092 [==================>...........] - ETA: 2:46
 911769600/1426460092 [==================>...........] - ETA: 2:46
 911982592/1426460092 [==================>...........] - ETA: 2:46
 912146432/1426460092 [==================>...........] - ETA: 2:46
 912400384/1426460092 [==================>...........] - ETA: 2:46
 912482304/1426460092 [==================>...........] - ETA: 2:46
 912695296/1426460092 [==================>...........] - ETA: 2:46
 912859136/1426460092 [==================>...........] - ETA: 2:46
 913039360/1426460092 [==================>...........] - ETA: 2:46
 913260544/1426460092 [==================>...........] - ETA: 2:46
 913375232/1426460092 [==================>...........] - ETA: 2:46
 913694720/1426460092 [==================>...........] - ETA: 2:45
 913907712/1426460092 [==================>...........] - ETA: 2:45
 914104320/1426460092 [==================>...........] - ETA: 2:45
 914227200/1426460092 [==================>...........] - ETA: 2:45
 914366464/1426460092 [==================>...........] - ETA: 2:45
 914546688/1426460092 [==================>...........] - ETA: 2:45
 914743296/1426460092 [==================>...........] - ETA: 2:45
 915021824/1426460092 [==================>...........] - ETA: 2:45
 915316736/1426460092 [==================>...........] - ETA: 2:45
 915390464/1426460092 [==================>...........] - ETA: 2:45
 915562496/1426460092 [==================>...........] - ETA: 2:45
 915742720/1426460092 [==================>...........] - ETA: 2:45
 916054016/1426460092 [==================>...........] - ETA: 2:45
 916127744/1426460092 [==================>...........] - ETA: 2:45
 916201472/1426460092 [==================>...........] - ETA: 2:45
 916373504/1426460092 [==================>...........] - ETA: 2:45
 916578304/1426460092 [==================>...........] - ETA: 2:45
 916824064/1426460092 [==================>...........] - ETA: 2:45
 917110784/1426460092 [==================>...........] - ETA: 2:45
 917356544/1426460092 [==================>...........] - ETA: 2:45
 917610496/1426460092 [==================>...........] - ETA: 2:44
 917766144/1426460092 [==================>...........] - ETA: 2:44
 917929984/1426460092 [==================>...........] - ETA: 2:44
 918126592/1426460092 [==================>...........] - ETA: 2:44
 918429696/1426460092 [==================>...........] - ETA: 2:44
 918626304/1426460092 [==================>...........] - ETA: 2:44
 918953984/1426460092 [==================>...........] - ETA: 2:44
 919150592/1426460092 [==================>...........] - ETA: 2:44
 919388160/1426460092 [==================>...........] - ETA: 2:44
 919592960/1426460092 [==================>...........] - ETA: 2:44
 919814144/1426460092 [==================>...........] - ETA: 2:44
 920051712/1426460092 [==================>...........] - ETA: 2:44
 920248320/1426460092 [==================>...........] - ETA: 2:43
 920420352/1426460092 [==================>...........] - ETA: 2:43
 920715264/1426460092 [==================>...........] - ETA: 2:43
 921018368/1426460092 [==================>...........] - ETA: 2:43
 921296896/1426460092 [==================>...........] - ETA: 2:43
 921640960/1426460092 [==================>...........] - ETA: 2:43
 921911296/1426460092 [==================>...........] - ETA: 2:43
 922296320/1426460092 [==================>...........] - ETA: 2:43
 922533888/1426460092 [==================>...........] - ETA: 2:43
 922779648/1426460092 [==================>...........] - ETA: 2:43
 922951680/1426460092 [==================>...........] - ETA: 2:42
 923303936/1426460092 [==================>...........] - ETA: 2:42
 923525120/1426460092 [==================>...........] - ETA: 2:42
 923582464/1426460092 [==================>...........] - ETA: 2:42
 923639808/1426460092 [==================>...........] - ETA: 2:42
 923746304/1426460092 [==================>...........] - ETA: 2:42
 923811840/1426460092 [==================>...........] - ETA: 2:42
 923836416/1426460092 [==================>...........] - ETA: 2:42
 923852800/1426460092 [==================>...........] - ETA: 2:42
 923860992/1426460092 [==================>...........] - ETA: 2:42
 924155904/1426460092 [==================>...........] - ETA: 2:42
 924450816/1426460092 [==================>...........] - ETA: 2:42
 924557312/1426460092 [==================>...........] - ETA: 2:42
 924614656/1426460092 [==================>...........] - ETA: 2:42
 924721152/1426460092 [==================>...........] - ETA: 2:42
 925130752/1426460092 [==================>...........] - ETA: 2:42
 925253632/1426460092 [==================>...........] - ETA: 2:42
 925523968/1426460092 [==================>...........] - ETA: 2:42
 925687808/1426460092 [==================>...........] - ETA: 2:42
 925966336/1426460092 [==================>...........] - ETA: 2:42
 926302208/1426460092 [==================>...........] - ETA: 2:42
 926474240/1426460092 [==================>...........] - ETA: 2:42
 926629888/1426460092 [==================>...........] - ETA: 2:42
 926892032/1426460092 [==================>...........] - ETA: 2:42
 927129600/1426460092 [==================>...........] - ETA: 2:41
 927301632/1426460092 [==================>...........] - ETA: 2:41
 927440896/1426460092 [==================>...........] - ETA: 2:41
 927686656/1426460092 [==================>...........] - ETA: 2:41
 927899648/1426460092 [==================>...........] - ETA: 2:41
 928096256/1426460092 [==================>...........] - ETA: 2:41
 928309248/1426460092 [==================>...........] - ETA: 2:41
 928497664/1426460092 [==================>...........] - ETA: 2:41
 928645120/1426460092 [==================>...........] - ETA: 2:41
 928849920/1426460092 [==================>...........] - ETA: 2:41
 928989184/1426460092 [==================>...........] - ETA: 2:41
 929193984/1426460092 [==================>...........] - ETA: 2:41
 929333248/1426460092 [==================>...........] - ETA: 2:41
 929456128/1426460092 [==================>...........] - ETA: 2:41
 929644544/1426460092 [==================>...........] - ETA: 2:41
 929808384/1426460092 [==================>...........] - ETA: 2:41
 929914880/1426460092 [==================>...........] - ETA: 2:41
 930168832/1426460092 [==================>...........] - ETA: 2:40
 930406400/1426460092 [==================>...........] - ETA: 2:40
 930725888/1426460092 [==================>...........] - ETA: 2:40
 930988032/1426460092 [==================>...........] - ETA: 2:40
 931135488/1426460092 [==================>...........] - ETA: 2:40
 931348480/1426460092 [==================>...........] - ETA: 2:40
 931618816/1426460092 [==================>...........] - ETA: 2:40
 931815424/1426460092 [==================>...........] - ETA: 2:40
 932126720/1426460092 [==================>...........] - ETA: 2:40
 932397056/1426460092 [==================>...........] - ETA: 2:40
 932610048/1426460092 [==================>...........] - ETA: 2:40
 932864000/1426460092 [==================>...........] - ETA: 2:39
 933085184/1426460092 [==================>...........] - ETA: 2:39
 933216256/1426460092 [==================>...........] - ETA: 2:39
 933445632/1426460092 [==================>...........] - ETA: 2:39
 933658624/1426460092 [==================>...........] - ETA: 2:39
 933822464/1426460092 [==================>...........] - ETA: 2:39
 933994496/1426460092 [==================>...........] - ETA: 2:39
 934076416/1426460092 [==================>...........] - ETA: 2:39
 934150144/1426460092 [==================>...........] - ETA: 2:39
 934281216/1426460092 [==================>...........] - ETA: 2:39
 934510592/1426460092 [==================>...........] - ETA: 2:39
 934739968/1426460092 [==================>...........] - ETA: 2:39
 934821888/1426460092 [==================>...........] - ETA: 2:39
 935034880/1426460092 [==================>...........] - ETA: 2:39
 935223296/1426460092 [==================>...........] - ETA: 2:39
 935362560/1426460092 [==================>...........] - ETA: 2:39
 935575552/1426460092 [==================>...........] - ETA: 2:39
 935739392/1426460092 [==================>...........] - ETA: 2:39
 935903232/1426460092 [==================>...........] - ETA: 2:39
 936148992/1426460092 [==================>...........] - ETA: 2:38
 936361984/1426460092 [==================>...........] - ETA: 2:38
 936550400/1426460092 [==================>...........] - ETA: 2:38
 936837120/1426460092 [==================>...........] - ETA: 2:38
 937066496/1426460092 [==================>...........] - ETA: 2:38
 937132032/1426460092 [==================>...........] - ETA: 2:38
 937336832/1426460092 [==================>...........] - ETA: 2:38
 937648128/1426460092 [==================>...........] - ETA: 2:38
 937795584/1426460092 [==================>...........] - ETA: 2:38
 938065920/1426460092 [==================>...........] - ETA: 2:38
 938319872/1426460092 [==================>...........] - ETA: 2:38
 938352640/1426460092 [==================>...........] - ETA: 2:38
 938541056/1426460092 [==================>...........] - ETA: 2:38
 938827776/1426460092 [==================>...........] - ETA: 2:38
 938917888/1426460092 [==================>...........] - ETA: 2:38
 939098112/1426460092 [==================>...........] - ETA: 2:38
 939253760/1426460092 [==================>...........] - ETA: 2:38
 939458560/1426460092 [==================>...........] - ETA: 2:37
 939663360/1426460092 [==================>...........] - ETA: 2:37
 939810816/1426460092 [==================>...........] - ETA: 2:37
 940064768/1426460092 [==================>...........] - ETA: 2:37
 940277760/1426460092 [==================>...........] - ETA: 2:37
 940482560/1426460092 [==================>...........] - ETA: 2:37
 940802048/1426460092 [==================>...........] - ETA: 2:37
 940851200/1426460092 [==================>...........] - ETA: 2:37
 941105152/1426460092 [==================>...........] - ETA: 2:37
 941326336/1426460092 [==================>...........] - ETA: 2:37
 941563904/1426460092 [==================>...........] - ETA: 2:37
 941965312/1426460092 [==================>...........] - ETA: 2:37
 942112768/1426460092 [==================>...........] - ETA: 2:37
 942366720/1426460092 [==================>...........] - ETA: 2:36
 942546944/1426460092 [==================>...........] - ETA: 2:36
 942743552/1426460092 [==================>...........] - ETA: 2:36
 942964736/1426460092 [==================>...........] - ETA: 2:36
 943259648/1426460092 [==================>...........] - ETA: 2:36
 943505408/1426460092 [==================>...........] - ETA: 2:36
 943742976/1426460092 [==================>...........] - ETA: 2:36
 944070656/1426460092 [==================>...........] - ETA: 2:36
 944226304/1426460092 [==================>...........] - ETA: 2:36
 944496640/1426460092 [==================>...........] - ETA: 2:36
 944873472/1426460092 [==================>...........] - ETA: 2:36
 945143808/1426460092 [==================>...........] - ETA: 2:35
 945201152/1426460092 [==================>...........] - ETA: 2:35
 945332224/1426460092 [==================>...........] - ETA: 2:35
 945586176/1426460092 [==================>...........] - ETA: 2:35
 945864704/1426460092 [==================>...........] - ETA: 2:35
 946118656/1426460092 [==================>...........] - ETA: 2:35
 946290688/1426460092 [==================>...........] - ETA: 2:35
 946569216/1426460092 [==================>...........] - ETA: 2:35
 946847744/1426460092 [==================>...........] - ETA: 2:35
 947093504/1426460092 [==================>...........] - ETA: 2:35
 947290112/1426460092 [==================>...........] - ETA: 2:35
 947634176/1426460092 [==================>...........] - ETA: 2:35
 948166656/1426460092 [==================>...........] - ETA: 2:34
 948297728/1426460092 [==================>...........] - ETA: 2:34
 948576256/1426460092 [==================>...........] - ETA: 2:34
 948789248/1426460092 [==================>...........] - ETA: 2:34
 948985856/1426460092 [==================>...........] - ETA: 2:34
 949133312/1426460092 [==================>...........] - ETA: 2:34
 949428224/1426460092 [==================>...........] - ETA: 2:34
 949690368/1426460092 [==================>...........] - ETA: 2:34
 950050816/1426460092 [==================>...........] - ETA: 2:34
 950247424/1426460092 [==================>...........] - ETA: 2:34
 950599680/1426460092 [==================>...........] - ETA: 2:33
 950910976/1426460092 [==================>...........] - ETA: 2:33
 951271424/1426460092 [===================>..........] - ETA: 2:33
 951451648/1426460092 [===================>..........] - ETA: 2:33
 951812096/1426460092 [===================>..........] - ETA: 2:33
 951992320/1426460092 [===================>..........] - ETA: 2:33
 952213504/1426460092 [===================>..........] - ETA: 2:33
 952377344/1426460092 [===================>..........] - ETA: 2:33
 952721408/1426460092 [===================>..........] - ETA: 2:33
 953024512/1426460092 [===================>..........] - ETA: 2:33
 953229312/1426460092 [===================>..........] - ETA: 2:32
 953573376/1426460092 [===================>..........] - ETA: 2:32
 953819136/1426460092 [===================>..........] - ETA: 2:32
 954032128/1426460092 [===================>..........] - ETA: 2:32
 954269696/1426460092 [===================>..........] - ETA: 2:32
 954531840/1426460092 [===================>..........] - ETA: 2:32
 954785792/1426460092 [===================>..........] - ETA: 2:32
 955146240/1426460092 [===================>..........] - ETA: 2:32
 955310080/1426460092 [===================>..........] - ETA: 2:32
 955351040/1426460092 [===================>..........] - ETA: 2:32
 955613184/1426460092 [===================>..........] - ETA: 2:32
 955727872/1426460092 [===================>..........] - ETA: 2:32
 955932672/1426460092 [===================>..........] - ETA: 2:32
 956153856/1426460092 [===================>..........] - ETA: 2:32
 956448768/1426460092 [===================>..........] - ETA: 2:32
 956514304/1426460092 [===================>..........] - ETA: 2:32
 956702720/1426460092 [===================>..........] - ETA: 2:31
 956907520/1426460092 [===================>..........] - ETA: 2:31
 957095936/1426460092 [===================>..........] - ETA: 2:31
 957267968/1426460092 [===================>..........] - ETA: 2:31
 957464576/1426460092 [===================>..........] - ETA: 2:31
 957530112/1426460092 [===================>..........] - ETA: 2:31
 957595648/1426460092 [===================>..........] - ETA: 2:31
 957808640/1426460092 [===================>..........] - ETA: 2:31
 958144512/1426460092 [===================>..........] - ETA: 2:31
 958275584/1426460092 [===================>..........] - ETA: 2:31
 958464000/1426460092 [===================>..........] - ETA: 2:31
 958750720/1426460092 [===================>..........] - ETA: 2:31
 959045632/1426460092 [===================>..........] - ETA: 2:31
 959250432/1426460092 [===================>..........] - ETA: 2:31
 959569920/1426460092 [===================>..........] - ETA: 2:31
 959741952/1426460092 [===================>..........] - ETA: 2:30
 959954944/1426460092 [===================>..........] - ETA: 2:30
 960159744/1426460092 [===================>..........] - ETA: 2:30
 960421888/1426460092 [===================>..........] - ETA: 2:30
 960651264/1426460092 [===================>..........] - ETA: 2:30
 960749568/1426460092 [===================>..........] - ETA: 2:30
 960847872/1426460092 [===================>..........] - ETA: 2:30
 960872448/1426460092 [===================>..........] - ETA: 2:30
 960987136/1426460092 [===================>..........] - ETA: 2:30
 961282048/1426460092 [===================>..........] - ETA: 2:30
 961478656/1426460092 [===================>..........] - ETA: 2:30
 961601536/1426460092 [===================>..........] - ETA: 2:30
 961814528/1426460092 [===================>..........] - ETA: 2:30
 962068480/1426460092 [===================>..........] - ETA: 2:30
 962224128/1426460092 [===================>..........] - ETA: 2:30
 962387968/1426460092 [===================>..........] - ETA: 2:30
 962551808/1426460092 [===================>..........] - ETA: 2:30
 962576384/1426460092 [===================>..........] - ETA: 2:30
 962723840/1426460092 [===================>..........] - ETA: 2:30
 962985984/1426460092 [===================>..........] - ETA: 2:29
 963084288/1426460092 [===================>..........] - ETA: 2:29
 963223552/1426460092 [===================>..........] - ETA: 2:29
 963362816/1426460092 [===================>..........] - ETA: 2:29
 963633152/1426460092 [===================>..........] - ETA: 2:29
 963813376/1426460092 [===================>..........] - ETA: 2:29
 964083712/1426460092 [===================>..........] - ETA: 2:29
 964304896/1426460092 [===================>..........] - ETA: 2:29
 964608000/1426460092 [===================>..........] - ETA: 2:29
 964837376/1426460092 [===================>..........] - ETA: 2:29
 964984832/1426460092 [===================>..........] - ETA: 2:29
 965197824/1426460092 [===================>..........] - ETA: 2:29
 965533696/1426460092 [===================>..........] - ETA: 2:29
 965722112/1426460092 [===================>..........] - ETA: 2:29
 966008832/1426460092 [===================>..........] - ETA: 2:28
 966246400/1426460092 [===================>..........] - ETA: 2:28
 966426624/1426460092 [===================>..........] - ETA: 2:28
 966729728/1426460092 [===================>..........] - ETA: 2:28
 966959104/1426460092 [===================>..........] - ETA: 2:28
 967016448/1426460092 [===================>..........] - ETA: 2:28
 967221248/1426460092 [===================>..........] - ETA: 2:28
 967450624/1426460092 [===================>..........] - ETA: 2:28
 967671808/1426460092 [===================>..........] - ETA: 2:28
 967835648/1426460092 [===================>..........] - ETA: 2:28
 968024064/1426460092 [===================>..........] - ETA: 2:28
 968278016/1426460092 [===================>..........] - ETA: 2:28
 968589312/1426460092 [===================>..........] - ETA: 2:28
 968867840/1426460092 [===================>..........] - ETA: 2:28
 969048064/1426460092 [===================>..........] - ETA: 2:27
 969220096/1426460092 [===================>..........] - ETA: 2:27
 969515008/1426460092 [===================>..........] - ETA: 2:27
 969809920/1426460092 [===================>..........] - ETA: 2:27
 970145792/1426460092 [===================>..........] - ETA: 2:27
 970342400/1426460092 [===================>..........] - ETA: 2:27
 970776576/1426460092 [===================>..........] - ETA: 2:27
 971022336/1426460092 [===================>..........] - ETA: 2:27
 971431936/1426460092 [===================>..........] - ETA: 2:27
 971702272/1426460092 [===================>..........] - ETA: 2:26
 972021760/1426460092 [===================>..........] - ETA: 2:26
 972275712/1426460092 [===================>..........] - ETA: 2:26
 972546048/1426460092 [===================>..........] - ETA: 2:26
 972783616/1426460092 [===================>..........] - ETA: 2:26
 972963840/1426460092 [===================>..........] - ETA: 2:26
 973258752/1426460092 [===================>..........] - ETA: 2:26
 973611008/1426460092 [===================>..........] - ETA: 2:26
 973701120/1426460092 [===================>..........] - ETA: 2:26
 973905920/1426460092 [===================>..........] - ETA: 2:26
 974315520/1426460092 [===================>..........] - ETA: 2:25
 974487552/1426460092 [===================>..........] - ETA: 2:25
 974692352/1426460092 [===================>..........] - ETA: 2:25
 974839808/1426460092 [===================>..........] - ETA: 2:25
 975085568/1426460092 [===================>..........] - ETA: 2:25
 975208448/1426460092 [===================>..........] - ETA: 2:25
 975601664/1426460092 [===================>..........] - ETA: 2:25
 975798272/1426460092 [===================>..........] - ETA: 2:25
 975986688/1426460092 [===================>..........] - ETA: 2:25
 976003072/1426460092 [===================>..........] - ETA: 2:25
 976011264/1426460092 [===================>..........] - ETA: 2:25
 976330752/1426460092 [===================>..........] - ETA: 2:25
 976486400/1426460092 [===================>..........] - ETA: 2:25
 976633856/1426460092 [===================>..........] - ETA: 2:25
 976781312/1426460092 [===================>..........] - ETA: 2:25
 976920576/1426460092 [===================>..........] - ETA: 2:25
 977051648/1426460092 [===================>..........] - ETA: 2:25
 977158144/1426460092 [===================>..........] - ETA: 2:25
 977272832/1426460092 [===================>..........] - ETA: 2:25
 977412096/1426460092 [===================>..........] - ETA: 2:25
 977518592/1426460092 [===================>..........] - ETA: 2:24
 977682432/1426460092 [===================>..........] - ETA: 2:24
 977780736/1426460092 [===================>..........] - ETA: 2:24
 977985536/1426460092 [===================>..........] - ETA: 2:24
 978108416/1426460092 [===================>..........] - ETA: 2:24
 978321408/1426460092 [===================>..........] - ETA: 2:24
 978419712/1426460092 [===================>..........] - ETA: 2:24
 978591744/1426460092 [===================>..........] - ETA: 2:24
 978919424/1426460092 [===================>..........] - ETA: 2:24
 979197952/1426460092 [===================>..........] - ETA: 2:24
 979501056/1426460092 [===================>..........] - ETA: 2:24
 979599360/1426460092 [===================>..........] - ETA: 2:24
 979886080/1426460092 [===================>..........] - ETA: 2:24
 979976192/1426460092 [===================>..........] - ETA: 2:24
 980017152/1426460092 [===================>..........] - ETA: 2:24
 980131840/1426460092 [===================>..........] - ETA: 2:24
 980189184/1426460092 [===================>..........] - ETA: 2:24
 980287488/1426460092 [===================>..........] - ETA: 2:24
 980410368/1426460092 [===================>..........] - ETA: 2:24
 980672512/1426460092 [===================>..........] - ETA: 2:24
 980844544/1426460092 [===================>..........] - ETA: 2:23
 980852736/1426460092 [===================>..........] - ETA: 2:24
 980910080/1426460092 [===================>..........] - ETA: 2:24
 981032960/1426460092 [===================>..........] - ETA: 2:24
 981229568/1426460092 [===================>..........] - ETA: 2:23
 981450752/1426460092 [===================>..........] - ETA: 2:23
 981622784/1426460092 [===================>..........] - ETA: 2:23
 981909504/1426460092 [===================>..........] - ETA: 2:23
 982016000/1426460092 [===================>..........] - ETA: 2:23
 982204416/1426460092 [===================>..........] - ETA: 2:23
 982466560/1426460092 [===================>..........] - ETA: 2:23
 982515712/1426460092 [===================>..........] - ETA: 2:23
 982663168/1426460092 [===================>..........] - ETA: 2:23
 982859776/1426460092 [===================>..........] - ETA: 2:23
 982990848/1426460092 [===================>..........] - ETA: 2:23
 983138304/1426460092 [===================>..........] - ETA: 2:23
 983400448/1426460092 [===================>..........] - ETA: 2:23
 983416832/1426460092 [===================>..........] - ETA: 2:23
 983580672/1426460092 [===================>..........] - ETA: 2:23
 983801856/1426460092 [===================>..........] - ETA: 2:23
 983965696/1426460092 [===================>..........] - ETA: 2:23
 984006656/1426460092 [===================>..........] - ETA: 2:23
 984186880/1426460092 [===================>..........] - ETA: 2:23
 984326144/1426460092 [===================>..........] - ETA: 2:23
 984547328/1426460092 [===================>..........] - ETA: 2:22
 984670208/1426460092 [===================>..........] - ETA: 2:22
 984801280/1426460092 [===================>..........] - ETA: 2:22
 985030656/1426460092 [===================>..........] - ETA: 2:22
 985137152/1426460092 [===================>..........] - ETA: 2:22
 985333760/1426460092 [===================>..........] - ETA: 2:22
 985530368/1426460092 [===================>..........] - ETA: 2:22
 985841664/1426460092 [===================>..........] - ETA: 2:22
 985923584/1426460092 [===================>..........] - ETA: 2:22
 986103808/1426460092 [===================>..........] - ETA: 2:22
 986349568/1426460092 [===================>..........] - ETA: 2:22
 986488832/1426460092 [===================>..........] - ETA: 2:22
 986660864/1426460092 [===================>..........] - ETA: 2:22
 986841088/1426460092 [===================>..........] - ETA: 2:22
 987209728/1426460092 [===================>..........] - ETA: 2:22
 987398144/1426460092 [===================>..........] - ETA: 2:22
 987750400/1426460092 [===================>..........] - ETA: 2:21
 987930624/1426460092 [===================>..........] - ETA: 2:21
 988282880/1426460092 [===================>..........] - ETA: 2:21
 988553216/1426460092 [===================>..........] - ETA: 2:21
 988856320/1426460092 [===================>..........] - ETA: 2:21
 989028352/1426460092 [===================>..........] - ETA: 2:21
 989159424/1426460092 [===================>..........] - ETA: 2:21
 989323264/1426460092 [===================>..........] - ETA: 2:21
 989536256/1426460092 [===================>..........] - ETA: 2:21
 989782016/1426460092 [===================>..........] - ETA: 2:21
 989954048/1426460092 [===================>..........] - ETA: 2:21
 990019584/1426460092 [===================>..........] - ETA: 2:21
 990289920/1426460092 [===================>..........] - ETA: 2:21
 990568448/1426460092 [===================>..........] - ETA: 2:20
 990789632/1426460092 [===================>..........] - ETA: 2:20
 990961664/1426460092 [===================>..........] - ETA: 2:20
 991256576/1426460092 [===================>..........] - ETA: 2:20
 991354880/1426460092 [===================>..........] - ETA: 2:20
 991535104/1426460092 [===================>..........] - ETA: 2:20
 991764480/1426460092 [===================>..........] - ETA: 2:20
 991936512/1426460092 [===================>..........] - ETA: 2:20
 992149504/1426460092 [===================>..........] - ETA: 2:20
 992395264/1426460092 [===================>..........] - ETA: 2:20
 992600064/1426460092 [===================>..........] - ETA: 2:20
 992886784/1426460092 [===================>..........] - ETA: 2:20
 993107968/1426460092 [===================>..........] - ETA: 2:20
 993271808/1426460092 [===================>..........] - ETA: 2:20
 993533952/1426460092 [===================>..........] - ETA: 2:19
 993845248/1426460092 [===================>..........] - ETA: 2:19
 993927168/1426460092 [===================>..........] - ETA: 2:19
 994148352/1426460092 [===================>..........] - ETA: 2:19
 994377728/1426460092 [===================>..........] - ETA: 2:19
 994615296/1426460092 [===================>..........] - ETA: 2:19
 994885632/1426460092 [===================>..........] - ETA: 2:19
 995262464/1426460092 [===================>..........] - ETA: 2:19
 995360768/1426460092 [===================>..........] - ETA: 2:19
 995622912/1426460092 [===================>..........] - ETA: 2:19
 995844096/1426460092 [===================>..........] - ETA: 2:19
 996048896/1426460092 [===================>..........] - ETA: 2:19
 996253696/1426460092 [===================>..........] - ETA: 2:19
 996605952/1426460092 [===================>..........] - ETA: 2:18
 996818944/1426460092 [===================>..........] - ETA: 2:18
 997015552/1426460092 [===================>..........] - ETA: 2:18
 997326848/1426460092 [===================>..........] - ETA: 2:18
 997556224/1426460092 [===================>..........] - ETA: 2:18
 997564416/1426460092 [===================>..........] - ETA: 2:18
 997744640/1426460092 [===================>..........] - ETA: 2:18
 997818368/1426460092 [===================>..........] - ETA: 2:18
 997974016/1426460092 [===================>..........] - ETA: 2:18
 998162432/1426460092 [===================>..........] - ETA: 2:18
 998400000/1426460092 [===================>..........] - ETA: 2:18
 998408192/1426460092 [===================>..........] - ETA: 2:18
 998563840/1426460092 [====================>.........] - ETA: 2:18
 998776832/1426460092 [====================>.........] - ETA: 2:18
 999014400/1426460092 [====================>.........] - ETA: 2:18
 999202816/1426460092 [====================>.........] - ETA: 2:18
 999350272/1426460092 [====================>.........] - ETA: 2:18
 999596032/1426460092 [====================>.........] - ETA: 2:17
 999686144/1426460092 [====================>.........] - ETA: 2:17
 999882752/1426460092 [====================>.........] - ETA: 2:17
1000103936/1426460092 [====================>.........] - ETA: 2:17
1000357888/1426460092 [====================>.........] - ETA: 2:17
1000439808/1426460092 [====================>.........] - ETA: 2:17
1000554496/1426460092 [====================>.........] - ETA: 2:17
1000669184/1426460092 [====================>.........] - ETA: 2:17
1000873984/1426460092 [====================>.........] - ETA: 2:17
1001037824/1426460092 [====================>.........] - ETA: 2:17
1001349120/1426460092 [====================>.........] - ETA: 2:17
1001447424/1426460092 [====================>.........] - ETA: 2:17
1001816064/1426460092 [====================>.........] - ETA: 2:17
1001979904/1426460092 [====================>.........] - ETA: 2:17
1002119168/1426460092 [====================>.........] - ETA: 2:17
1002332160/1426460092 [====================>.........] - ETA: 2:17
1002471424/1426460092 [====================>.........] - ETA: 2:17
1002594304/1426460092 [====================>.........] - ETA: 2:16
1002790912/1426460092 [====================>.........] - ETA: 2:16
1003020288/1426460092 [====================>.........] - ETA: 2:16
1003257856/1426460092 [====================>.........] - ETA: 2:16
1003438080/1426460092 [====================>.........] - ETA: 2:16
1003667456/1426460092 [====================>.........] - ETA: 2:16
1003855872/1426460092 [====================>.........] - ETA: 2:16
1003995136/1426460092 [====================>.........] - ETA: 2:16
1004134400/1426460092 [====================>.........] - ETA: 2:16
1004281856/1426460092 [====================>.........] - ETA: 2:16
1004478464/1426460092 [====================>.........] - ETA: 2:16
1004642304/1426460092 [====================>.........] - ETA: 2:16
1004806144/1426460092 [====================>.........] - ETA: 2:16
1005019136/1426460092 [====================>.........] - ETA: 2:16
1005215744/1426460092 [====================>.........] - ETA: 2:16
1005395968/1426460092 [====================>.........] - ETA: 2:16
1005608960/1426460092 [====================>.........] - ETA: 2:16
1005780992/1426460092 [====================>.........] - ETA: 2:15
1005969408/1426460092 [====================>.........] - ETA: 2:15
1006190592/1426460092 [====================>.........] - ETA: 2:15
1006395392/1426460092 [====================>.........] - ETA: 2:15
1006616576/1426460092 [====================>.........] - ETA: 2:15
1006796800/1426460092 [====================>.........] - ETA: 2:15
1006886912/1426460092 [====================>.........] - ETA: 2:15
1007009792/1426460092 [====================>.........] - ETA: 2:15
1007132672/1426460092 [====================>.........] - ETA: 2:15
1007280128/1426460092 [====================>.........] - ETA: 2:15
1007370240/1426460092 [====================>.........] - ETA: 2:15
1007435776/1426460092 [====================>.........] - ETA: 2:15
1007509504/1426460092 [====================>.........] - ETA: 2:15
1007697920/1426460092 [====================>.........] - ETA: 2:15
1007747072/1426460092 [====================>.........] - ETA: 2:15
1007927296/1426460092 [====================>.........] - ETA: 2:15
1008156672/1426460092 [====================>.........] - ETA: 2:15
1008295936/1426460092 [====================>.........] - ETA: 2:15
1008566272/1426460092 [====================>.........] - ETA: 2:15
1008721920/1426460092 [====================>.........] - ETA: 2:15
1008926720/1426460092 [====================>.........] - ETA: 2:15
1009090560/1426460092 [====================>.........] - ETA: 2:15
1009303552/1426460092 [====================>.........] - ETA: 2:15
1009344512/1426460092 [====================>.........] - ETA: 2:15
1009516544/1426460092 [====================>.........] - ETA: 2:14
1009688576/1426460092 [====================>.........] - ETA: 2:14
1009803264/1426460092 [====================>.........] - ETA: 2:14
1009991680/1426460092 [====================>.........] - ETA: 2:14
1010188288/1426460092 [====================>.........] - ETA: 2:14
1010327552/1426460092 [====================>.........] - ETA: 2:14
1010507776/1426460092 [====================>.........] - ETA: 2:14
1010663424/1426460092 [====================>.........] - ETA: 2:14
1010868224/1426460092 [====================>.........] - ETA: 2:14
1011023872/1426460092 [====================>.........] - ETA: 2:14
1011228672/1426460092 [====================>.........] - ETA: 2:14
1011400704/1426460092 [====================>.........] - ETA: 2:14
1011507200/1426460092 [====================>.........] - ETA: 2:14
1011736576/1426460092 [====================>.........] - ETA: 2:14
1011908608/1426460092 [====================>.........] - ETA: 2:14
1012121600/1426460092 [====================>.........] - ETA: 2:14
1012375552/1426460092 [====================>.........] - ETA: 2:14
1012457472/1426460092 [====================>.........] - ETA: 2:14
1012629504/1426460092 [====================>.........] - ETA: 2:14
1012793344/1426460092 [====================>.........] - ETA: 2:13
1012957184/1426460092 [====================>.........] - ETA: 2:13
1013161984/1426460092 [====================>.........] - ETA: 2:13
1013374976/1426460092 [====================>.........] - ETA: 2:13
1013547008/1426460092 [====================>.........] - ETA: 2:13
1013776384/1426460092 [====================>.........] - ETA: 2:13
1013841920/1426460092 [====================>.........] - ETA: 2:13
1014022144/1426460092 [====================>.........] - ETA: 2:13
1014210560/1426460092 [====================>.........] - ETA: 2:13
1014423552/1426460092 [====================>.........] - ETA: 2:13
1014464512/1426460092 [====================>.........] - ETA: 2:13
1014685696/1426460092 [====================>.........] - ETA: 2:13
1014857728/1426460092 [====================>.........] - ETA: 2:13
1014972416/1426460092 [====================>.........] - ETA: 2:13
1015136256/1426460092 [====================>.........] - ETA: 2:13
1015365632/1426460092 [====================>.........] - ETA: 2:13
1015463936/1426460092 [====================>.........] - ETA: 2:13
1015652352/1426460092 [====================>.........] - ETA: 2:13
1015816192/1426460092 [====================>.........] - ETA: 2:13
1016053760/1426460092 [====================>.........] - ETA: 2:12
1016184832/1426460092 [====================>.........] - ETA: 2:12
1016373248/1426460092 [====================>.........] - ETA: 2:12
1016537088/1426460092 [====================>.........] - ETA: 2:12
1016766464/1426460092 [====================>.........] - ETA: 2:12
1017020416/1426460092 [====================>.........] - ETA: 2:12
1017217024/1426460092 [====================>.........] - ETA: 2:12
1017356288/1426460092 [====================>.........] - ETA: 2:12
1017421824/1426460092 [====================>.........] - ETA: 2:12
1017569280/1426460092 [====================>.........] - ETA: 2:12
1017692160/1426460092 [====================>.........] - ETA: 2:12
1017896960/1426460092 [====================>.........] - ETA: 2:12
1018216448/1426460092 [====================>.........] - ETA: 2:12
1018535936/1426460092 [====================>.........] - ETA: 2:12
1018757120/1426460092 [====================>.........] - ETA: 2:12
1019035648/1426460092 [====================>.........] - ETA: 2:11
1019314176/1426460092 [====================>.........] - ETA: 2:11
1019641856/1426460092 [====================>.........] - ETA: 2:11
1019666432/1426460092 [====================>.........] - ETA: 2:11
1019977728/1426460092 [====================>.........] - ETA: 2:11
1020125184/1426460092 [====================>.........] - ETA: 2:11
1020166144/1426460092 [====================>.........] - ETA: 2:11
1020461056/1426460092 [====================>.........] - ETA: 2:11
1020641280/1426460092 [====================>.........] - ETA: 2:11
1020952576/1426460092 [====================>.........] - ETA: 2:11
1021091840/1426460092 [====================>.........] - ETA: 2:11
1021485056/1426460092 [====================>.........] - ETA: 2:11
1021779968/1426460092 [====================>.........] - ETA: 2:10
1022197760/1426460092 [====================>.........] - ETA: 2:10
1022263296/1426460092 [====================>.........] - ETA: 2:10
1022541824/1426460092 [====================>.........] - ETA: 2:10
1022746624/1426460092 [====================>.........] - ETA: 2:10
1023025152/1426460092 [====================>.........] - ETA: 2:10
1023246336/1426460092 [====================>.........] - ETA: 2:10
1023459328/1426460092 [====================>.........] - ETA: 2:10
1023803392/1426460092 [====================>.........] - ETA: 2:10
1023975424/1426460092 [====================>.........] - ETA: 2:10
1024327680/1426460092 [====================>.........] - ETA: 2:10
1024540672/1426460092 [====================>.........] - ETA: 2:09
1024811008/1426460092 [====================>.........] - ETA: 2:09
1025081344/1426460092 [====================>.........] - ETA: 2:09
1025392640/1426460092 [====================>.........] - ETA: 2:09
1025703936/1426460092 [====================>.........] - ETA: 2:09
1026031616/1426460092 [====================>.........] - ETA: 2:09
1026465792/1426460092 [====================>.........] - ETA: 2:09
1026809856/1426460092 [====================>.........] - ETA: 2:09
1027121152/1426460092 [====================>.........] - ETA: 2:09
1027399680/1426460092 [====================>.........] - ETA: 2:08
1027719168/1426460092 [====================>.........] - ETA: 2:08
1028030464/1426460092 [====================>.........] - ETA: 2:08
1028251648/1426460092 [====================>.........] - ETA: 2:08
1028513792/1426460092 [====================>.........] - ETA: 2:08
1028603904/1426460092 [====================>.........] - ETA: 2:08
1029971968/1426460092 [====================>.........] - ETA: 2:08
1030209536/1426460092 [====================>.........] - ETA: 2:07
1030545408/1426460092 [====================>.........] - ETA: 2:07
1030733824/1426460092 [====================>.........] - ETA: 2:07
1031135232/1426460092 [====================>.........] - ETA: 2:07
1031528448/1426460092 [====================>.........] - ETA: 2:07
1031864320/1426460092 [====================>.........] - ETA: 2:07
1032069120/1426460092 [====================>.........] - ETA: 2:07
1032421376/1426460092 [====================>.........] - ETA: 2:07
1032667136/1426460092 [====================>.........] - ETA: 2:07
1032945664/1426460092 [====================>.........] - ETA: 2:06
1033232384/1426460092 [====================>.........] - ETA: 2:06
1033519104/1426460092 [====================>.........] - ETA: 2:06
1033838592/1426460092 [====================>.........] - ETA: 2:06
1034280960/1426460092 [====================>.........] - ETA: 2:06
1034543104/1426460092 [====================>.........] - ETA: 2:06
1034838016/1426460092 [====================>.........] - ETA: 2:06
1034862592/1426460092 [====================>.........] - ETA: 2:06
1035157504/1426460092 [====================>.........] - ETA: 2:06
1035378688/1426460092 [====================>.........] - ETA: 2:06
1035558912/1426460092 [====================>.........] - ETA: 2:06
1035706368/1426460092 [====================>.........] - ETA: 2:06
1035927552/1426460092 [====================>.........] - ETA: 2:05
1036107776/1426460092 [====================>.........] - ETA: 2:05
1036378112/1426460092 [====================>.........] - ETA: 2:05
1036492800/1426460092 [====================>.........] - ETA: 2:05
1036689408/1426460092 [====================>.........] - ETA: 2:05
1036877824/1426460092 [====================>.........] - ETA: 2:05
1037025280/1426460092 [====================>.........] - ETA: 2:05
1037164544/1426460092 [====================>.........] - ETA: 2:05
1037361152/1426460092 [====================>.........] - ETA: 2:05
1037557760/1426460092 [====================>.........] - ETA: 2:05
1037762560/1426460092 [====================>.........] - ETA: 2:05
1038098432/1426460092 [====================>.........] - ETA: 2:05
1038311424/1426460092 [====================>.........] - ETA: 2:05
1038639104/1426460092 [====================>.........] - ETA: 2:04
1038843904/1426460092 [====================>.........] - ETA: 2:04
1039212544/1426460092 [====================>.........] - ETA: 2:04
1039466496/1426460092 [====================>.........] - ETA: 2:04
1039826944/1426460092 [====================>.........] - ETA: 2:04
1040097280/1426460092 [====================>.........] - ETA: 2:04
1040539648/1426460092 [====================>.........] - ETA: 2:04
1040859136/1426460092 [====================>.........] - ETA: 2:04
1040900096/1426460092 [====================>.........] - ETA: 2:04
1041252352/1426460092 [====================>.........] - ETA: 2:04
1041506304/1426460092 [====================>.........] - ETA: 2:03
1041825792/1426460092 [====================>.........] - ETA: 2:03
1042169856/1426460092 [====================>.........] - ETA: 2:03
1042178048/1426460092 [====================>.........] - ETA: 2:03
1042538496/1426460092 [====================>.........] - ETA: 2:03
1042890752/1426460092 [====================>.........] - ETA: 2:03
1043243008/1426460092 [====================>.........] - ETA: 2:03
1043431424/1426460092 [====================>.........] - ETA: 2:03
1043668992/1426460092 [====================>.........] - ETA: 2:03
1043955712/1426460092 [====================>.........] - ETA: 2:03
1044103168/1426460092 [====================>.........] - ETA: 2:03
1044414464/1426460092 [====================>.........] - ETA: 2:02
1044635648/1426460092 [====================>.........] - ETA: 2:02
1045045248/1426460092 [====================>.........] - ETA: 2:02
1045176320/1426460092 [====================>.........] - ETA: 2:02
1045356544/1426460092 [====================>.........] - ETA: 2:02
1045667840/1426460092 [====================>.........] - ETA: 2:02
1045798912/1426460092 [====================>.........] - ETA: 2:02
1045954560/1426460092 [====================>.........] - ETA: 2:02
1046192128/1426460092 [=====================>........] - ETA: 2:02
1046831104/1426460092 [=====================>........] - ETA: 2:02
1047076864/1426460092 [=====================>........] - ETA: 2:02
1047371776/1426460092 [=====================>........] - ETA: 2:02
1047592960/1426460092 [=====================>........] - ETA: 2:02
1047879680/1426460092 [=====================>........] - ETA: 2:01
1048059904/1426460092 [=====================>........] - ETA: 2:01
1048166400/1426460092 [=====================>........] - ETA: 2:01
1048223744/1426460092 [=====================>........] - ETA: 2:01
1048428544/1426460092 [=====================>........] - ETA: 2:01
1048674304/1426460092 [=====================>........] - ETA: 2:01
1048879104/1426460092 [=====================>........] - ETA: 2:01
1049165824/1426460092 [=====================>........] - ETA: 2:01
1049403392/1426460092 [=====================>........] - ETA: 2:01
1049501696/1426460092 [=====================>........] - ETA: 2:01
1049509888/1426460092 [=====================>........] - ETA: 2:01
1049788416/1426460092 [=====================>........] - ETA: 2:01
1050140672/1426460092 [=====================>........] - ETA: 2:01
1050411008/1426460092 [=====================>........] - ETA: 2:01
1050796032/1426460092 [=====================>........] - ETA: 2:00
1051025408/1426460092 [=====================>........] - ETA: 2:00
1051262976/1426460092 [=====================>........] - ETA: 2:00
1051549696/1426460092 [=====================>........] - ETA: 2:00
1051803648/1426460092 [=====================>........] - ETA: 2:00
1051992064/1426460092 [=====================>........] - ETA: 2:00
1052237824/1426460092 [=====================>........] - ETA: 2:00
1052368896/1426460092 [=====================>........] - ETA: 2:00
1052598272/1426460092 [=====================>........] - ETA: 2:00
1052876800/1426460092 [=====================>........] - ETA: 2:00
1053220864/1426460092 [=====================>........] - ETA: 2:00
1053442048/1426460092 [=====================>........] - ETA: 2:00
1053687808/1426460092 [=====================>........] - ETA: 1:59
1053876224/1426460092 [=====================>........] - ETA: 1:59
1054056448/1426460092 [=====================>........] - ETA: 1:59
1054277632/1426460092 [=====================>........] - ETA: 1:59
1054490624/1426460092 [=====================>........] - ETA: 1:59
1054760960/1426460092 [=====================>........] - ETA: 1:59
1055121408/1426460092 [=====================>........] - ETA: 1:59
1055375360/1426460092 [=====================>........] - ETA: 1:59
1055645696/1426460092 [=====================>........] - ETA: 1:59
1055989760/1426460092 [=====================>........] - ETA: 1:59
1056284672/1426460092 [=====================>........] - ETA: 1:59
1056595968/1426460092 [=====================>........] - ETA: 1:58
1056776192/1426460092 [=====================>........] - ETA: 1:58
1056931840/1426460092 [=====================>........] - ETA: 1:58
1057071104/1426460092 [=====================>........] - ETA: 1:58
1057210368/1426460092 [=====================>........] - ETA: 1:58
1057374208/1426460092 [=====================>........] - ETA: 1:58
1057513472/1426460092 [=====================>........] - ETA: 1:58
1057783808/1426460092 [=====================>........] - ETA: 1:58
1057996800/1426460092 [=====================>........] - ETA: 1:58
1058201600/1426460092 [=====================>........] - ETA: 1:58
1058332672/1426460092 [=====================>........] - ETA: 1:58
1058562048/1426460092 [=====================>........] - ETA: 1:58
1058783232/1426460092 [=====================>........] - ETA: 1:58
1058963456/1426460092 [=====================>........] - ETA: 1:58
1059209216/1426460092 [=====================>........] - ETA: 1:58
1059454976/1426460092 [=====================>........] - ETA: 1:57
1059733504/1426460092 [=====================>........] - ETA: 1:57
1059987456/1426460092 [=====================>........] - ETA: 1:57
1060241408/1426460092 [=====================>........] - ETA: 1:57
1060503552/1426460092 [=====================>........] - ETA: 1:57
1060634624/1426460092 [=====================>........] - ETA: 1:57
1061036032/1426460092 [=====================>........] - ETA: 1:57
1061249024/1426460092 [=====================>........] - ETA: 1:57
1061445632/1426460092 [=====================>........] - ETA: 1:57
1061625856/1426460092 [=====================>........] - ETA: 1:57
1061879808/1426460092 [=====================>........] - ETA: 1:57
1062068224/1426460092 [=====================>........] - ETA: 1:57
1062322176/1426460092 [=====================>........] - ETA: 1:56
1062510592/1426460092 [=====================>........] - ETA: 1:56
1062805504/1426460092 [=====================>........] - ETA: 1:56
1062993920/1426460092 [=====================>........] - ETA: 1:56
1063346176/1426460092 [=====================>........] - ETA: 1:56
1063698432/1426460092 [=====================>........] - ETA: 1:56
1064034304/1426460092 [=====================>........] - ETA: 1:56
1064304640/1426460092 [=====================>........] - ETA: 1:56
1064353792/1426460092 [=====================>........] - ETA: 1:56
1064599552/1426460092 [=====================>........] - ETA: 1:56
1064738816/1426460092 [=====================>........] - ETA: 1:56
1065082880/1426460092 [=====================>........] - ETA: 1:56
1065525248/1426460092 [=====================>........] - ETA: 1:55
1065951232/1426460092 [=====================>........] - ETA: 1:55
1066180608/1426460092 [=====================>........] - ETA: 1:55
1066450944/1426460092 [=====================>........] - ETA: 1:55
1066672128/1426460092 [=====================>........] - ETA: 1:55
1066680320/1426460092 [=====================>........] - ETA: 1:55
1066999808/1426460092 [=====================>........] - ETA: 1:55
1067499520/1426460092 [=====================>........] - ETA: 1:55
1067737088/1426460092 [=====================>........] - ETA: 1:55
1067974656/1426460092 [=====================>........] - ETA: 1:55
1068187648/1426460092 [=====================>........] - ETA: 1:55
1068277760/1426460092 [=====================>........] - ETA: 1:55
1068408832/1426460092 [=====================>........] - ETA: 1:55
1069080576/1426460092 [=====================>........] - ETA: 1:54
1069268992/1426460092 [=====================>........] - ETA: 1:54
1069490176/1426460092 [=====================>........] - ETA: 1:54
1069752320/1426460092 [=====================>........] - ETA: 1:54
1070047232/1426460092 [=====================>........] - ETA: 1:54
1070112768/1426460092 [=====================>........] - ETA: 1:54
1070284800/1426460092 [=====================>........] - ETA: 1:54
1070555136/1426460092 [=====================>........] - ETA: 1:54
1070809088/1426460092 [=====================>........] - ETA: 1:54
1070825472/1426460092 [=====================>........] - ETA: 1:54
1071038464/1426460092 [=====================>........] - ETA: 1:54
1071292416/1426460092 [=====================>........] - ETA: 1:54
1071480832/1426460092 [=====================>........] - ETA: 1:54
1071710208/1426460092 [=====================>........] - ETA: 1:53
1071841280/1426460092 [=====================>........] - ETA: 1:53
1072062464/1426460092 [=====================>........] - ETA: 1:53
1072218112/1426460092 [=====================>........] - ETA: 1:53
1072496640/1426460092 [=====================>........] - ETA: 1:53
1072611328/1426460092 [=====================>........] - ETA: 1:53
1072701440/1426460092 [=====================>........] - ETA: 1:53
1073086464/1426460092 [=====================>........] - ETA: 1:53
1073356800/1426460092 [=====================>........] - ETA: 1:53
1073496064/1426460092 [=====================>........] - ETA: 1:53
1073766400/1426460092 [=====================>........] - ETA: 1:53
1073954816/1426460092 [=====================>........] - ETA: 1:53
1074135040/1426460092 [=====================>........] - ETA: 1:53
1074167808/1426460092 [=====================>........] - ETA: 1:53
1074339840/1426460092 [=====================>........] - ETA: 1:53
1074528256/1426460092 [=====================>........] - ETA: 1:53
1074651136/1426460092 [=====================>........] - ETA: 1:52
1074872320/1426460092 [=====================>........] - ETA: 1:52
1075085312/1426460092 [=====================>........] - ETA: 1:52
1075306496/1426460092 [=====================>........] - ETA: 1:52
1075372032/1426460092 [=====================>........] - ETA: 1:52
1075593216/1426460092 [=====================>........] - ETA: 1:52
1075789824/1426460092 [=====================>........] - ETA: 1:52
1075953664/1426460092 [=====================>........] - ETA: 1:52
1076207616/1426460092 [=====================>........] - ETA: 1:52
1076240384/1426460092 [=====================>........] - ETA: 1:52
1076445184/1426460092 [=====================>........] - ETA: 1:52
1076748288/1426460092 [=====================>........] - ETA: 1:52
1076953088/1426460092 [=====================>........] - ETA: 1:52
1077190656/1426460092 [=====================>........] - ETA: 1:52
1077346304/1426460092 [=====================>........] - ETA: 1:52
1077428224/1426460092 [=====================>........] - ETA: 1:52
1077673984/1426460092 [=====================>........] - ETA: 1:52
1077911552/1426460092 [=====================>........] - ETA: 1:51
1077977088/1426460092 [=====================>........] - ETA: 1:51
1078247424/1426460092 [=====================>........] - ETA: 1:51
1078460416/1426460092 [=====================>........] - ETA: 1:51
1078943744/1426460092 [=====================>........] - ETA: 1:51
1079123968/1426460092 [=====================>........] - ETA: 1:51
1079353344/1426460092 [=====================>........] - ETA: 1:51
1079672832/1426460092 [=====================>........] - ETA: 1:51
1079902208/1426460092 [=====================>........] - ETA: 1:51
1080279040/1426460092 [=====================>........] - ETA: 1:51
1080524800/1426460092 [=====================>........] - ETA: 1:51
1080721408/1426460092 [=====================>........] - ETA: 1:50
1080737792/1426460092 [=====================>........] - ETA: 1:51
1080745984/1426460092 [=====================>........] - ETA: 1:51
1081090048/1426460092 [=====================>........] - ETA: 1:50
1081393152/1426460092 [=====================>........] - ETA: 1:50
1081622528/1426460092 [=====================>........] - ETA: 1:50
1081917440/1426460092 [=====================>........] - ETA: 1:50
1082114048/1426460092 [=====================>........] - ETA: 1:50
1082302464/1426460092 [=====================>........] - ETA: 1:50
1082523648/1426460092 [=====================>........] - ETA: 1:50
1082744832/1426460092 [=====================>........] - ETA: 1:50
1083129856/1426460092 [=====================>........] - ETA: 1:50
1083383808/1426460092 [=====================>........] - ETA: 1:50
1083449344/1426460092 [=====================>........] - ETA: 1:50
1083555840/1426460092 [=====================>........] - ETA: 1:50
1083604992/1426460092 [=====================>........] - ETA: 1:50
1083826176/1426460092 [=====================>........] - ETA: 1:50
1083998208/1426460092 [=====================>........] - ETA: 1:49
1084260352/1426460092 [=====================>........] - ETA: 1:49
1084481536/1426460092 [=====================>........] - ETA: 1:49
1084694528/1426460092 [=====================>........] - ETA: 1:49
1084891136/1426460092 [=====================>........] - ETA: 1:49
1085104128/1426460092 [=====================>........] - ETA: 1:49
1085456384/1426460092 [=====================>........] - ETA: 1:49
1085603840/1426460092 [=====================>........] - ETA: 1:49
1085710336/1426460092 [=====================>........] - ETA: 1:49
1085923328/1426460092 [=====================>........] - ETA: 1:49
1086062592/1426460092 [=====================>........] - ETA: 1:49
1086267392/1426460092 [=====================>........] - ETA: 1:49
1086537728/1426460092 [=====================>........] - ETA: 1:49
1086750720/1426460092 [=====================>........] - ETA: 1:49
1086939136/1426460092 [=====================>........] - ETA: 1:48
1087324160/1426460092 [=====================>........] - ETA: 1:48
1087512576/1426460092 [=====================>........] - ETA: 1:48
1087725568/1426460092 [=====================>........] - ETA: 1:48
1088045056/1426460092 [=====================>........] - ETA: 1:48
1088233472/1426460092 [=====================>........] - ETA: 1:48
1088299008/1426460092 [=====================>........] - ETA: 1:48
1088307200/1426460092 [=====================>........] - ETA: 1:48
1088724992/1426460092 [=====================>........] - ETA: 1:48
1089077248/1426460092 [=====================>........] - ETA: 1:48
1089363968/1426460092 [=====================>........] - ETA: 1:48
1089650688/1426460092 [=====================>........] - ETA: 1:48
1089880064/1426460092 [=====================>........] - ETA: 1:47
1089888256/1426460092 [=====================>........] - ETA: 1:48
1090142208/1426460092 [=====================>........] - ETA: 1:47
1090338816/1426460092 [=====================>........] - ETA: 1:47
1090404352/1426460092 [=====================>........] - ETA: 1:47
1090551808/1426460092 [=====================>........] - ETA: 1:47
1090609152/1426460092 [=====================>........] - ETA: 1:47
1090904064/1426460092 [=====================>........] - ETA: 1:47
1091198976/1426460092 [=====================>........] - ETA: 1:47
1091502080/1426460092 [=====================>........] - ETA: 1:47
1091829760/1426460092 [=====================>........] - ETA: 1:47
1092009984/1426460092 [=====================>........] - ETA: 1:47
1092296704/1426460092 [=====================>........] - ETA: 1:47
1092476928/1426460092 [=====================>........] - ETA: 1:47
1092640768/1426460092 [=====================>........] - ETA: 1:47
1092968448/1426460092 [=====================>........] - ETA: 1:47
1093148672/1426460092 [=====================>........] - ETA: 1:47
1093337088/1426460092 [=====================>........] - ETA: 1:46
1093558272/1426460092 [=====================>........] - ETA: 1:46
1093828608/1426460092 [======================>.......] - ETA: 1:46
1093836800/1426460092 [======================>.......] - ETA: 1:46
1094139904/1426460092 [======================>.......] - ETA: 1:46
1094328320/1426460092 [======================>.......] - ETA: 1:46
1094500352/1426460092 [======================>.......] - ETA: 1:46
1094688768/1426460092 [======================>.......] - ETA: 1:46
1094787072/1426460092 [======================>.......] - ETA: 1:46
1094967296/1426460092 [======================>.......] - ETA: 1:46
1095188480/1426460092 [======================>.......] - ETA: 1:46
1095565312/1426460092 [======================>.......] - ETA: 1:46
1095835648/1426460092 [======================>.......] - ETA: 1:46
1096122368/1426460092 [======================>.......] - ETA: 1:46
1096286208/1426460092 [======================>.......] - ETA: 1:46
1096581120/1426460092 [======================>.......] - ETA: 1:45
1096794112/1426460092 [======================>.......] - ETA: 1:45
1096966144/1426460092 [======================>.......] - ETA: 1:45
1097195520/1426460092 [======================>.......] - ETA: 1:45
1097342976/1426460092 [======================>.......] - ETA: 1:45
1097736192/1426460092 [======================>.......] - ETA: 1:45
1097965568/1426460092 [======================>.......] - ETA: 1:45
1098080256/1426460092 [======================>.......] - ETA: 1:45
1098366976/1426460092 [======================>.......] - ETA: 1:45
1098579968/1426460092 [======================>.......] - ETA: 1:45
1098760192/1426460092 [======================>.......] - ETA: 1:45
1099038720/1426460092 [======================>.......] - ETA: 1:45
1099284480/1426460092 [======================>.......] - ETA: 1:45
1099472896/1426460092 [======================>.......] - ETA: 1:44
1099603968/1426460092 [======================>.......] - ETA: 1:44
1099759616/1426460092 [======================>.......] - ETA: 1:44
1099980800/1426460092 [======================>.......] - ETA: 1:44
1100120064/1426460092 [======================>.......] - ETA: 1:44
1100554240/1426460092 [======================>.......] - ETA: 1:44
1100816384/1426460092 [======================>.......] - ETA: 1:44
1100849152/1426460092 [======================>.......] - ETA: 1:44
1101111296/1426460092 [======================>.......] - ETA: 1:44
1101266944/1426460092 [======================>.......] - ETA: 1:44
1101422592/1426460092 [======================>.......] - ETA: 1:44
1101676544/1426460092 [======================>.......] - ETA: 1:44
1101889536/1426460092 [======================>.......] - ETA: 1:44
1102118912/1426460092 [======================>.......] - ETA: 1:44
1102200832/1426460092 [======================>.......] - ETA: 1:44
1102323712/1426460092 [======================>.......] - ETA: 1:44
1102569472/1426460092 [======================>.......] - ETA: 1:43
1102766080/1426460092 [======================>.......] - ETA: 1:43
1102987264/1426460092 [======================>.......] - ETA: 1:43
1103159296/1426460092 [======================>.......] - ETA: 1:43
1103364096/1426460092 [======================>.......] - ETA: 1:43
1103437824/1426460092 [======================>.......] - ETA: 1:43
1103470592/1426460092 [======================>.......] - ETA: 1:43
1103527936/1426460092 [======================>.......] - ETA: 1:43
1103699968/1426460092 [======================>.......] - ETA: 1:43
1103904768/1426460092 [======================>.......] - ETA: 1:43
1104093184/1426460092 [======================>.......] - ETA: 1:43
1104183296/1426460092 [======================>.......] - ETA: 1:43
1104322560/1426460092 [======================>.......] - ETA: 1:43
1104478208/1426460092 [======================>.......] - ETA: 1:43
1104699392/1426460092 [======================>.......] - ETA: 1:43
1104797696/1426460092 [======================>.......] - ETA: 1:43
1105002496/1426460092 [======================>.......] - ETA: 1:43
1105190912/1426460092 [======================>.......] - ETA: 1:43
1105371136/1426460092 [======================>.......] - ETA: 1:43
1105477632/1426460092 [======================>.......] - ETA: 1:43
1105649664/1426460092 [======================>.......] - ETA: 1:43
1105854464/1426460092 [======================>.......] - ETA: 1:42
1106051072/1426460092 [======================>.......] - ETA: 1:42
1106214912/1426460092 [======================>.......] - ETA: 1:42
1106386944/1426460092 [======================>.......] - ETA: 1:42
1106591744/1426460092 [======================>.......] - ETA: 1:42
1106821120/1426460092 [======================>.......] - ETA: 1:42
1107009536/1426460092 [======================>.......] - ETA: 1:42
1107206144/1426460092 [======================>.......] - ETA: 1:42
1107312640/1426460092 [======================>.......] - ETA: 1:42
1107574784/1426460092 [======================>.......] - ETA: 1:42
1107697664/1426460092 [======================>.......] - ETA: 1:42
1107861504/1426460092 [======================>.......] - ETA: 1:42
1108000768/1426460092 [======================>.......] - ETA: 1:42
1108303872/1426460092 [======================>.......] - ETA: 1:42
1108475904/1426460092 [======================>.......] - ETA: 1:42
1108705280/1426460092 [======================>.......] - ETA: 1:42
1108901888/1426460092 [======================>.......] - ETA: 1:41
1109090304/1426460092 [======================>.......] - ETA: 1:41
1109311488/1426460092 [======================>.......] - ETA: 1:41
1109549056/1426460092 [======================>.......] - ETA: 1:41
1109827584/1426460092 [======================>.......] - ETA: 1:41
1110130688/1426460092 [======================>.......] - ETA: 1:41
1110319104/1426460092 [======================>.......] - ETA: 1:41
1110384640/1426460092 [======================>.......] - ETA: 1:41
1110597632/1426460092 [======================>.......] - ETA: 1:41
1110843392/1426460092 [======================>.......] - ETA: 1:41
1111031808/1426460092 [======================>.......] - ETA: 1:41
1111228416/1426460092 [======================>.......] - ETA: 1:41
1111441408/1426460092 [======================>.......] - ETA: 1:41
1111719936/1426460092 [======================>.......] - ETA: 1:40
1111826432/1426460092 [======================>.......] - ETA: 1:40
1112088576/1426460092 [======================>.......] - ETA: 1:40
1112424448/1426460092 [======================>.......] - ETA: 1:40
1112735744/1426460092 [======================>.......] - ETA: 1:40
1113071616/1426460092 [======================>.......] - ETA: 1:40
1113300992/1426460092 [======================>.......] - ETA: 1:40
1113366528/1426460092 [======================>.......] - ETA: 1:40
1113407488/1426460092 [======================>.......] - ETA: 1:40
1113415680/1426460092 [======================>.......] - ETA: 1:40
1113997312/1426460092 [======================>.......] - ETA: 1:40
1114324992/1426460092 [======================>.......] - ETA: 1:40
1114644480/1426460092 [======================>.......] - ETA: 1:40
1114996736/1426460092 [======================>.......] - ETA: 1:39
1115086848/1426460092 [======================>.......] - ETA: 1:39
1115963392/1426460092 [======================>.......] - ETA: 1:39
1116176384/1426460092 [======================>.......] - ETA: 1:39
1116348416/1426460092 [======================>.......] - ETA: 1:39
1116422144/1426460092 [======================>.......] - ETA: 1:39
1116479488/1426460092 [======================>.......] - ETA: 1:39
1116602368/1426460092 [======================>.......] - ETA: 1:39
1116635136/1426460092 [======================>.......] - ETA: 1:39
1116807168/1426460092 [======================>.......] - ETA: 1:39
1117462528/1426460092 [======================>.......] - ETA: 1:39
1117618176/1426460092 [======================>.......] - ETA: 1:39
1118707712/1426460092 [======================>.......] - ETA: 1:38
1118920704/1426460092 [======================>.......] - ETA: 1:38
1119559680/1426460092 [======================>.......] - ETA: 1:38
1120026624/1426460092 [======================>.......] - ETA: 1:38
1120190464/1426460092 [======================>.......] - ETA: 1:38
1120215040/1426460092 [======================>.......] - ETA: 1:38
1120223232/1426460092 [======================>.......] - ETA: 1:38
1120403456/1426460092 [======================>.......] - ETA: 1:38
1120919552/1426460092 [======================>.......] - ETA: 1:37
1121320960/1426460092 [======================>.......] - ETA: 1:37
1121468416/1426460092 [======================>.......] - ETA: 1:37
1122197504/1426460092 [======================>.......] - ETA: 1:37
1122631680/1426460092 [======================>.......] - ETA: 1:37
1122721792/1426460092 [======================>.......] - ETA: 1:37
1122795520/1426460092 [======================>.......] - ETA: 1:37
1123295232/1426460092 [======================>.......] - ETA: 1:37
1123704832/1426460092 [======================>.......] - ETA: 1:36
1123778560/1426460092 [======================>.......] - ETA: 1:36
1123819520/1426460092 [======================>.......] - ETA: 1:36
1123966976/1426460092 [======================>.......] - ETA: 1:36
1124073472/1426460092 [======================>.......] - ETA: 1:36
1124442112/1426460092 [======================>.......] - ETA: 1:36
1124851712/1426460092 [======================>.......] - ETA: 1:36
1125023744/1426460092 [======================>.......] - ETA: 1:36
1125064704/1426460092 [======================>.......] - ETA: 1:36
1125769216/1426460092 [======================>.......] - ETA: 1:36
1125998592/1426460092 [======================>.......] - ETA: 1:36
1126096896/1426460092 [======================>.......] - ETA: 1:36
1126137856/1426460092 [======================>.......] - ETA: 1:36
1126268928/1426460092 [======================>.......] - ETA: 1:36
1126408192/1426460092 [======================>.......] - ETA: 1:36
1126875136/1426460092 [======================>.......] - ETA: 1:35
1127448576/1426460092 [======================>.......] - ETA: 1:35
1127792640/1426460092 [======================>.......] - ETA: 1:35
1128275968/1426460092 [======================>.......] - ETA: 1:35
1128783872/1426460092 [======================>.......] - ETA: 1:35
1128972288/1426460092 [======================>.......] - ETA: 1:35
1129562112/1426460092 [======================>.......] - ETA: 1:34
1130086400/1426460092 [======================>.......] - ETA: 1:34
1130708992/1426460092 [======================>.......] - ETA: 1:34
1131356160/1426460092 [======================>.......] - ETA: 1:34
1131864064/1426460092 [======================>.......] - ETA: 1:34
1132642304/1426460092 [======================>.......] - ETA: 1:33
1133215744/1426460092 [======================>.......] - ETA: 1:33
1133764608/1426460092 [======================>.......] - ETA: 1:33
1134231552/1426460092 [======================>.......] - ETA: 1:33
1134854144/1426460092 [======================>.......] - ETA: 1:32
1135419392/1426460092 [======================>.......] - ETA: 1:32
1135951872/1426460092 [======================>.......] - ETA: 1:32
1136410624/1426460092 [======================>.......] - ETA: 1:32
1136861184/1426460092 [======================>.......] - ETA: 1:32
1137360896/1426460092 [======================>.......] - ETA: 1:31
1137909760/1426460092 [======================>.......] - ETA: 1:31
1138499584/1426460092 [======================>.......] - ETA: 1:31
1138941952/1426460092 [======================>.......] - ETA: 1:31
1139253248/1426460092 [======================>.......] - ETA: 1:31
1139400704/1426460092 [======================>.......] - ETA: 1:31
1139785728/1426460092 [======================>.......] - ETA: 1:31
1140080640/1426460092 [======================>.......] - ETA: 1:30
1140539392/1426460092 [======================>.......] - ETA: 1:30
1140736000/1426460092 [======================>.......] - ETA: 1:30
1142702080/1426460092 [=======================>......] - ETA: 1:29
1143013376/1426460092 [=======================>......] - ETA: 1:29
1143668736/1426460092 [=======================>......] - ETA: 1:29
1144094720/1426460092 [=======================>......] - ETA: 1:29
1144725504/1426460092 [=======================>......] - ETA: 1:29
1145167872/1426460092 [=======================>......] - ETA: 1:29
1145683968/1426460092 [=======================>......] - ETA: 1:28
1145954304/1426460092 [=======================>......] - ETA: 1:28
1146421248/1426460092 [=======================>......] - ETA: 1:28
1146863616/1426460092 [=======================>......] - ETA: 1:28
1147551744/1426460092 [=======================>......] - ETA: 1:28
1147994112/1426460092 [=======================>......] - ETA: 1:28
1148633088/1426460092 [=======================>......] - ETA: 1:27
1149009920/1426460092 [=======================>......] - ETA: 1:27
1149599744/1426460092 [=======================>......] - ETA: 1:27
1150033920/1426460092 [=======================>......] - ETA: 1:27
1150533632/1426460092 [=======================>......] - ETA: 1:27
1151016960/1426460092 [=======================>......] - ETA: 1:26
1151361024/1426460092 [=======================>......] - ETA: 1:26
1151762432/1426460092 [=======================>......] - ETA: 1:26
1152294912/1426460092 [=======================>......] - ETA: 1:26
1152827392/1426460092 [=======================>......] - ETA: 1:26
1153228800/1426460092 [=======================>......] - ETA: 1:26
1153646592/1426460092 [=======================>......] - ETA: 1:25
1154285568/1426460092 [=======================>......] - ETA: 1:25
1154760704/1426460092 [=======================>......] - ETA: 1:25
1155301376/1426460092 [=======================>......] - ETA: 1:25
1155710976/1426460092 [=======================>......] - ETA: 1:25
1156366336/1426460092 [=======================>......] - ETA: 1:24
1157070848/1426460092 [=======================>......] - ETA: 1:24
1157521408/1426460092 [=======================>......] - ETA: 1:24
1157980160/1426460092 [=======================>......] - ETA: 1:24
1158488064/1426460092 [=======================>......] - ETA: 1:24
1159151616/1426460092 [=======================>......] - ETA: 1:23
1159495680/1426460092 [=======================>......] - ETA: 1:23
1160224768/1426460092 [=======================>......] - ETA: 1:23
1160798208/1426460092 [=======================>......] - ETA: 1:23
1161396224/1426460092 [=======================>......] - ETA: 1:23
1161551872/1426460092 [=======================>......] - ETA: 1:23
1162346496/1426460092 [=======================>......] - ETA: 1:22
1162756096/1426460092 [=======================>......] - ETA: 1:22
1163272192/1426460092 [=======================>......] - ETA: 1:22
1163984896/1426460092 [=======================>......] - ETA: 1:22
1164369920/1426460092 [=======================>......] - ETA: 1:22
1164828672/1426460092 [=======================>......] - ETA: 1:21
1165082624/1426460092 [=======================>......] - ETA: 1:21
1165180928/1426460092 [=======================>......] - ETA: 1:21
1166270464/1426460092 [=======================>......] - ETA: 1:21
1167228928/1426460092 [=======================>......] - ETA: 1:21
1167376384/1426460092 [=======================>......] - ETA: 1:21
1167515648/1426460092 [=======================>......] - ETA: 1:21
1167761408/1426460092 [=======================>......] - ETA: 1:20
1168064512/1426460092 [=======================>......] - ETA: 1:20
1168621568/1426460092 [=======================>......] - ETA: 1:20
1168744448/1426460092 [=======================>......] - ETA: 1:20
1169129472/1426460092 [=======================>......] - ETA: 1:20
1169539072/1426460092 [=======================>......] - ETA: 1:20
1169924096/1426460092 [=======================>......] - ETA: 1:20
1170210816/1426460092 [=======================>......] - ETA: 1:20
1170456576/1426460092 [=======================>......] - ETA: 1:20
1170931712/1426460092 [=======================>......] - ETA: 1:19
1170948096/1426460092 [=======================>......] - ETA: 1:19
1171398656/1426460092 [=======================>......] - ETA: 1:19
1171775488/1426460092 [=======================>......] - ETA: 1:19
1172226048/1426460092 [=======================>......] - ETA: 1:19
1172619264/1426460092 [=======================>......] - ETA: 1:19
1172971520/1426460092 [=======================>......] - ETA: 1:19
1173209088/1426460092 [=======================>......] - ETA: 1:19
1173397504/1426460092 [=======================>......] - ETA: 1:19
1173643264/1426460092 [=======================>......] - ETA: 1:18
1173889024/1426460092 [=======================>......] - ETA: 1:18
1174241280/1426460092 [=======================>......] - ETA: 1:18
1174306816/1426460092 [=======================>......] - ETA: 1:18
1174700032/1426460092 [=======================>......] - ETA: 1:18
1175027712/1426460092 [=======================>......] - ETA: 1:18
1175101440/1426460092 [=======================>......] - ETA: 1:18
1175470080/1426460092 [=======================>......] - ETA: 1:18
1175805952/1426460092 [=======================>......] - ETA: 1:18
1175961600/1426460092 [=======================>......] - ETA: 1:18
1176305664/1426460092 [=======================>......] - ETA: 1:18
1176526848/1426460092 [=======================>......] - ETA: 1:17
1176764416/1426460092 [=======================>......] - ETA: 1:17
1176936448/1426460092 [=======================>......] - ETA: 1:17
1177133056/1426460092 [=======================>......] - ETA: 1:17
1177477120/1426460092 [=======================>......] - ETA: 1:17
1177862144/1426460092 [=======================>......] - ETA: 1:17
1178132480/1426460092 [=======================>......] - ETA: 1:17
1178427392/1426460092 [=======================>......] - ETA: 1:17
1178689536/1426460092 [=======================>......] - ETA: 1:17
1178697728/1426460092 [=======================>......] - ETA: 1:17
1179099136/1426460092 [=======================>......] - ETA: 1:17
1179541504/1426460092 [=======================>......] - ETA: 1:16
1179656192/1426460092 [=======================>......] - ETA: 1:16
1179860992/1426460092 [=======================>......] - ETA: 1:16
1180049408/1426460092 [=======================>......] - ETA: 1:16
1180303360/1426460092 [=======================>......] - ETA: 1:16
1180557312/1426460092 [=======================>......] - ETA: 1:16
1180631040/1426460092 [=======================>......] - ETA: 1:16
1180844032/1426460092 [=======================>......] - ETA: 1:16
1181040640/1426460092 [=======================>......] - ETA: 1:16
1181466624/1426460092 [=======================>......] - ETA: 1:16
1181704192/1426460092 [=======================>......] - ETA: 1:16
1182040064/1426460092 [=======================>......] - ETA: 1:16
1182277632/1426460092 [=======================>......] - ETA: 1:16
1182482432/1426460092 [=======================>......] - ETA: 1:16
1182670848/1426460092 [=======================>......] - ETA: 1:16
1182900224/1426460092 [=======================>......] - ETA: 1:15
1183121408/1426460092 [=======================>......] - ETA: 1:15
1183375360/1426460092 [=======================>......] - ETA: 1:15
1183744000/1426460092 [=======================>......] - ETA: 1:15
1183907840/1426460092 [=======================>......] - ETA: 1:15
1184186368/1426460092 [=======================>......] - ETA: 1:15
1184587776/1426460092 [=======================>......] - ETA: 1:15
1184776192/1426460092 [=======================>......] - ETA: 1:15
1184874496/1426460092 [=======================>......] - ETA: 1:15
1185103872/1426460092 [=======================>......] - ETA: 1:15
1185505280/1426460092 [=======================>......] - ETA: 1:15
1185824768/1426460092 [=======================>......] - ETA: 1:14
1186299904/1426460092 [=======================>......] - ETA: 1:14
1186545664/1426460092 [=======================>......] - ETA: 1:14
1186922496/1426460092 [=======================>......] - ETA: 1:14
1187307520/1426460092 [=======================>......] - ETA: 1:14
1187667968/1426460092 [=======================>......] - ETA: 1:14
1187840000/1426460092 [=======================>......] - ETA: 1:14
1188126720/1426460092 [=======================>......] - ETA: 1:14
1188397056/1426460092 [=======================>......] - ETA: 1:14
1188667392/1426460092 [=======================>......] - ETA: 1:14
1188732928/1426460092 [========================>.....] - ETA: 1:13
1189011456/1426460092 [========================>.....] - ETA: 1:13
1189117952/1426460092 [========================>.....] - ETA: 1:13
1189322752/1426460092 [========================>.....] - ETA: 1:13
1189699584/1426460092 [========================>.....] - ETA: 1:13
1189994496/1426460092 [========================>.....] - ETA: 1:13
1190166528/1426460092 [========================>.....] - ETA: 1:13
1190371328/1426460092 [========================>.....] - ETA: 1:13
1190567936/1426460092 [========================>.....] - ETA: 1:13
1190846464/1426460092 [========================>.....] - ETA: 1:13
1191092224/1426460092 [========================>.....] - ETA: 1:13
1191329792/1426460092 [========================>.....] - ETA: 1:13
1191567360/1426460092 [========================>.....] - ETA: 1:13
1191952384/1426460092 [========================>.....] - ETA: 1:12
1192271872/1426460092 [========================>.....] - ETA: 1:12
1192640512/1426460092 [========================>.....] - ETA: 1:12
1193000960/1426460092 [========================>.....] - ETA: 1:12
1193164800/1426460092 [========================>.....] - ETA: 1:12
1193484288/1426460092 [========================>.....] - ETA: 1:12
1193771008/1426460092 [========================>.....] - ETA: 1:12
1194147840/1426460092 [========================>.....] - ETA: 1:12
1194434560/1426460092 [========================>.....] - ETA: 1:12
1194860544/1426460092 [========================>.....] - ETA: 1:11
1195155456/1426460092 [========================>.....] - ETA: 1:11
1195540480/1426460092 [========================>.....] - ETA: 1:11
1195859968/1426460092 [========================>.....] - ETA: 1:11
1196294144/1426460092 [========================>.....] - ETA: 1:11
1196474368/1426460092 [========================>.....] - ETA: 1:11
1196761088/1426460092 [========================>.....] - ETA: 1:11
1197015040/1426460092 [========================>.....] - ETA: 1:11
1197383680/1426460092 [========================>.....] - ETA: 1:11
1197735936/1426460092 [========================>.....] - ETA: 1:11
1198088192/1426460092 [========================>.....] - ETA: 1:10
1198424064/1426460092 [========================>.....] - ETA: 1:10
1198694400/1426460092 [========================>.....] - ETA: 1:10
1199071232/1426460092 [========================>.....] - ETA: 1:10
1199325184/1426460092 [========================>.....] - ETA: 1:10
1199652864/1426460092 [========================>.....] - ETA: 1:10
1200005120/1426460092 [========================>.....] - ETA: 1:10
1200242688/1426460092 [========================>.....] - ETA: 1:10
1200578560/1426460092 [========================>.....] - ETA: 1:10
1200939008/1426460092 [========================>.....] - ETA: 1:09
1201291264/1426460092 [========================>.....] - ETA: 1:09
1201700864/1426460092 [========================>.....] - ETA: 1:09
1201995776/1426460092 [========================>.....] - ETA: 1:09
1202413568/1426460092 [========================>.....] - ETA: 1:09
1202790400/1426460092 [========================>.....] - ETA: 1:09
1203101696/1426460092 [========================>.....] - ETA: 1:09
1203273728/1426460092 [========================>.....] - ETA: 1:09
1203339264/1426460092 [========================>.....] - ETA: 1:09
1203486720/1426460092 [========================>.....] - ETA: 1:09
1203585024/1426460092 [========================>.....] - ETA: 1:09
1203798016/1426460092 [========================>.....] - ETA: 1:09
1204109312/1426460092 [========================>.....] - ETA: 1:08
1204453376/1426460092 [========================>.....] - ETA: 1:08
1204748288/1426460092 [========================>.....] - ETA: 1:08
1204781056/1426460092 [========================>.....] - ETA: 1:08
1204936704/1426460092 [========================>.....] - ETA: 1:08
1204961280/1426460092 [========================>.....] - ETA: 1:08
1205166080/1426460092 [========================>.....] - ETA: 1:08
1205297152/1426460092 [========================>.....] - ETA: 1:08
1205428224/1426460092 [========================>.....] - ETA: 1:08
1205452800/1426460092 [========================>.....] - ETA: 1:08
1205567488/1426460092 [========================>.....] - ETA: 1:08
1205977088/1426460092 [========================>.....] - ETA: 1:08
1206157312/1426460092 [========================>.....] - ETA: 1:08
1206272000/1426460092 [========================>.....] - ETA: 1:08
1206427648/1426460092 [========================>.....] - ETA: 1:08
1206509568/1426460092 [========================>.....] - ETA: 1:08
1206763520/1426460092 [========================>.....] - ETA: 1:08
1207083008/1426460092 [========================>.....] - ETA: 1:08
1207222272/1426460092 [========================>.....] - ETA: 1:08
1207418880/1426460092 [========================>.....] - ETA: 1:08
1207730176/1426460092 [========================>.....] - ETA: 1:07
1207943168/1426460092 [========================>.....] - ETA: 1:07
1208311808/1426460092 [========================>.....] - ETA: 1:07
1208664064/1426460092 [========================>.....] - ETA: 1:07
1209065472/1426460092 [========================>.....] - ETA: 1:07
1209319424/1426460092 [========================>.....] - ETA: 1:07
1209720832/1426460092 [========================>.....] - ETA: 1:07
1210015744/1426460092 [========================>.....] - ETA: 1:07
1210433536/1426460092 [========================>.....] - ETA: 1:07
1210761216/1426460092 [========================>.....] - ETA: 1:06
1211064320/1426460092 [========================>.....] - ETA: 1:06
1211318272/1426460092 [========================>.....] - ETA: 1:06
1211678720/1426460092 [========================>.....] - ETA: 1:06
1211842560/1426460092 [========================>.....] - ETA: 1:06
1212096512/1426460092 [========================>.....] - ETA: 1:06
1212162048/1426460092 [========================>.....] - ETA: 1:06
1212514304/1426460092 [========================>.....] - ETA: 1:06
1212792832/1426460092 [========================>.....] - ETA: 1:06
1213022208/1426460092 [========================>.....] - ETA: 1:06
1213284352/1426460092 [========================>.....] - ETA: 1:06
1213571072/1426460092 [========================>.....] - ETA: 1:05
1213857792/1426460092 [========================>.....] - ETA: 1:05
1214251008/1426460092 [========================>.....] - ETA: 1:05
1214652416/1426460092 [========================>.....] - ETA: 1:05
1214775296/1426460092 [========================>.....] - ETA: 1:05
1215078400/1426460092 [========================>.....] - ETA: 1:05
1215438848/1426460092 [========================>.....] - ETA: 1:05
1215741952/1426460092 [========================>.....] - ETA: 1:05
1216028672/1426460092 [========================>.....] - ETA: 1:05
1216356352/1426460092 [========================>.....] - ETA: 1:05
1216716800/1426460092 [========================>.....] - ETA: 1:04
1216856064/1426460092 [========================>.....] - ETA: 1:04
1217118208/1426460092 [========================>.....] - ETA: 1:04
1217331200/1426460092 [========================>.....] - ETA: 1:04
1217576960/1426460092 [========================>.....] - ETA: 1:04
1217798144/1426460092 [========================>.....] - ETA: 1:04
1217994752/1426460092 [========================>.....] - ETA: 1:04
1218224128/1426460092 [========================>.....] - ETA: 1:04
1218404352/1426460092 [========================>.....] - ETA: 1:04
1218633728/1426460092 [========================>.....] - ETA: 1:04
1218863104/1426460092 [========================>.....] - ETA: 1:04
1219010560/1426460092 [========================>.....] - ETA: 1:04
1219059712/1426460092 [========================>.....] - ETA: 1:04
1219223552/1426460092 [========================>.....] - ETA: 1:04
1219428352/1426460092 [========================>.....] - ETA: 1:04
1219682304/1426460092 [========================>.....] - ETA: 1:04
1219919872/1426460092 [========================>.....] - ETA: 1:03
1220141056/1426460092 [========================>.....] - ETA: 1:03
1220411392/1426460092 [========================>.....] - ETA: 1:03
1220673536/1426460092 [========================>.....] - ETA: 1:03
1220976640/1426460092 [========================>.....] - ETA: 1:03
1221148672/1426460092 [========================>.....] - ETA: 1:03
1221402624/1426460092 [========================>.....] - ETA: 1:03
1221795840/1426460092 [========================>.....] - ETA: 1:03
1221902336/1426460092 [========================>.....] - ETA: 1:03
1222311936/1426460092 [========================>.....] - ETA: 1:03
1222598656/1426460092 [========================>.....] - ETA: 1:03
1222844416/1426460092 [========================>.....] - ETA: 1:02
1223155712/1426460092 [========================>.....] - ETA: 1:02
1223393280/1426460092 [========================>.....] - ETA: 1:02
1223753728/1426460092 [========================>.....] - ETA: 1:02
1224089600/1426460092 [========================>.....] - ETA: 1:02
1224269824/1426460092 [========================>.....] - ETA: 1:02
1224540160/1426460092 [========================>.....] - ETA: 1:02
1224761344/1426460092 [========================>.....] - ETA: 1:02
1224933376/1426460092 [========================>.....] - ETA: 1:02
1225203712/1426460092 [========================>.....] - ETA: 1:02
1225457664/1426460092 [========================>.....] - ETA: 1:02
1225654272/1426460092 [========================>.....] - ETA: 1:02
1225924608/1426460092 [========================>.....] - ETA: 1:01
1226137600/1426460092 [========================>.....] - ETA: 1:01
1226375168/1426460092 [========================>.....] - ETA: 1:01
1226645504/1426460092 [========================>.....] - ETA: 1:01
1226932224/1426460092 [========================>.....] - ETA: 1:01
1227161600/1426460092 [========================>.....] - ETA: 1:01
1227431936/1426460092 [========================>.....] - ETA: 1:01
1227579392/1426460092 [========================>.....] - ETA: 1:01
1227800576/1426460092 [========================>.....] - ETA: 1:01
1228111872/1426460092 [========================>.....] - ETA: 1:01
1228120064/1426460092 [========================>.....] - ETA: 1:01
1228128256/1426460092 [========================>.....] - ETA: 1:01
1228414976/1426460092 [========================>.....] - ETA: 1:01
1228701696/1426460092 [========================>.....] - ETA: 1:01
1228955648/1426460092 [========================>.....] - ETA: 1:01
1229266944/1426460092 [========================>.....] - ETA: 1:00
1229561856/1426460092 [========================>.....] - ETA: 1:00
1229807616/1426460092 [========================>.....] - ETA: 1:00
1230004224/1426460092 [========================>.....] - ETA: 1:00
1230241792/1426460092 [========================>.....] - ETA: 1:00
1230430208/1426460092 [========================>.....] - ETA: 1:00
1230626816/1426460092 [========================>.....] - ETA: 1:00
1230790656/1426460092 [========================>.....] - ETA: 1:00
1231093760/1426460092 [========================>.....] - ETA: 1:00
1231339520/1426460092 [========================>.....] - ETA: 1:00
1231527936/1426460092 [========================>.....] - ETA: 1:00
1231708160/1426460092 [========================>.....] - ETA: 1:00
1231937536/1426460092 [========================>.....] - ETA: 1:00
1232068608/1426460092 [========================>.....] - ETA: 1:00
1232257024/1426460092 [========================>.....] - ETA: 1:00
1232453632/1426460092 [========================>.....] - ETA: 59s
1232699392/1426460092 [========================>.....] - ETA: 59s
1232773120/1426460092 [========================>.....] - ETA: 59s
1232781312/1426460092 [========================>.....] - ETA: 59s
1233018880/1426460092 [========================>.....] - ETA: 59s
1233240064/1426460092 [========================>.....] - ETA: 59s
1233281024/1426460092 [========================>.....] - ETA: 59s
1233494016/1426460092 [========================>.....] - ETA: 59s
1233592320/1426460092 [========================>.....] - ETA: 59s
1233698816/1426460092 [========================>.....] - ETA: 59s
1234026496/1426460092 [========================>.....] - ETA: 59s
1234124800/1426460092 [========================>.....] - ETA: 59s
1234386944/1426460092 [========================>.....] - ETA: 59s
1234395136/1426460092 [========================>.....] - ETA: 59s
1234452480/1426460092 [========================>.....] - ETA: 59s
1234550784/1426460092 [========================>.....] - ETA: 59s
1234632704/1426460092 [========================>.....] - ETA: 59s
1234862080/1426460092 [========================>.....] - ETA: 59s
1234935808/1426460092 [========================>.....] - ETA: 59s
1235001344/1426460092 [========================>.....] - ETA: 59s
1235017728/1426460092 [========================>.....] - ETA: 59s
1235288064/1426460092 [========================>.....] - ETA: 59s
1235427328/1426460092 [========================>.....] - ETA: 59s
1235599360/1426460092 [========================>.....] - ETA: 59s
1235771392/1426460092 [========================>.....] - ETA: 59s
1235910656/1426460092 [========================>.....] - ETA: 59s
1236148224/1426460092 [========================>.....] - ETA: 59s
1236320256/1426460092 [=========================>....] - ETA: 58s
1236475904/1426460092 [=========================>....] - ETA: 58s
1236688896/1426460092 [=========================>....] - ETA: 58s
1236942848/1426460092 [=========================>....] - ETA: 58s
1237090304/1426460092 [=========================>....] - ETA: 58s
1237270528/1426460092 [=========================>....] - ETA: 58s
1237630976/1426460092 [=========================>....] - ETA: 58s
1237835776/1426460092 [=========================>....] - ETA: 58s
1238114304/1426460092 [=========================>....] - ETA: 58s
1238351872/1426460092 [=========================>....] - ETA: 58s
1238581248/1426460092 [=========================>....] - ETA: 58s
1238843392/1426460092 [=========================>....] - ETA: 58s
1239121920/1426460092 [=========================>....] - ETA: 58s
1239318528/1426460092 [=========================>....] - ETA: 58s
1239605248/1426460092 [=========================>....] - ETA: 57s
1239719936/1426460092 [=========================>....] - ETA: 57s
1239932928/1426460092 [=========================>....] - ETA: 57s
1240096768/1426460092 [=========================>....] - ETA: 57s
1240367104/1426460092 [=========================>....] - ETA: 57s
1240424448/1426460092 [=========================>....] - ETA: 57s
1240662016/1426460092 [=========================>....] - ETA: 57s
1240702976/1426460092 [=========================>....] - ETA: 57s
1241088000/1426460092 [=========================>....] - ETA: 57s
1241456640/1426460092 [=========================>....] - ETA: 57s
1241661440/1426460092 [=========================>....] - ETA: 57s
1241841664/1426460092 [=========================>....] - ETA: 57s
1242136576/1426460092 [=========================>....] - ETA: 57s
1242333184/1426460092 [=========================>....] - ETA: 57s
1242439680/1426460092 [=========================>....] - ETA: 57s
1242685440/1426460092 [=========================>....] - ETA: 57s
1243013120/1426460092 [=========================>....] - ETA: 56s
1243291648/1426460092 [=========================>....] - ETA: 56s
1243693056/1426460092 [=========================>....] - ETA: 56s
1244110848/1426460092 [=========================>....] - ETA: 56s
1244168192/1426460092 [=========================>....] - ETA: 56s
1244602368/1426460092 [=========================>....] - ETA: 56s
1244889088/1426460092 [=========================>....] - ETA: 56s
1245044736/1426460092 [=========================>....] - ETA: 56s
1245388800/1426460092 [=========================>....] - ETA: 56s
1245675520/1426460092 [=========================>....] - ETA: 56s
1245888512/1426460092 [=========================>....] - ETA: 55s
1246101504/1426460092 [=========================>....] - ETA: 55s
1246396416/1426460092 [=========================>....] - ETA: 55s
1246552064/1426460092 [=========================>....] - ETA: 55s
1246683136/1426460092 [=========================>....] - ETA: 55s
1246732288/1426460092 [=========================>....] - ETA: 55s
1246789632/1426460092 [=========================>....] - ETA: 55s
1247109120/1426460092 [=========================>....] - ETA: 55s
1247371264/1426460092 [=========================>....] - ETA: 55s
1247641600/1426460092 [=========================>....] - ETA: 55s
1247969280/1426460092 [=========================>....] - ETA: 55s
1247977472/1426460092 [=========================>....] - ETA: 55s
1248354304/1426460092 [=========================>....] - ETA: 55s
1248567296/1426460092 [=========================>....] - ETA: 55s
1248944128/1426460092 [=========================>....] - ETA: 55s
1249230848/1426460092 [=========================>....] - ETA: 54s
1249419264/1426460092 [=========================>....] - ETA: 54s
1249837056/1426460092 [=========================>....] - ETA: 54s
1250181120/1426460092 [=========================>....] - ETA: 54s
1250459648/1426460092 [=========================>....] - ETA: 54s
1250738176/1426460092 [=========================>....] - ETA: 54s
1251049472/1426460092 [=========================>....] - ETA: 54s
1251287040/1426460092 [=========================>....] - ETA: 54s
1251647488/1426460092 [=========================>....] - ETA: 54s
1251942400/1426460092 [=========================>....] - ETA: 54s
1252343808/1426460092 [=========================>....] - ETA: 53s
1252687872/1426460092 [=========================>....] - ETA: 53s
1252868096/1426460092 [=========================>....] - ETA: 53s
1253367808/1426460092 [=========================>....] - ETA: 53s
1253605376/1426460092 [=========================>....] - ETA: 53s
1254014976/1426460092 [=========================>....] - ETA: 53s
1254187008/1426460092 [=========================>....] - ETA: 53s
1254400000/1426460092 [=========================>....] - ETA: 53s
1254629376/1426460092 [=========================>....] - ETA: 53s
1254948864/1426460092 [=========================>....] - ETA: 53s
1255211008/1426460092 [=========================>....] - ETA: 53s
1255424000/1426460092 [=========================>....] - ETA: 52s
1255694336/1426460092 [=========================>....] - ETA: 52s
1256038400/1426460092 [=========================>....] - ETA: 52s
1256177664/1426460092 [=========================>....] - ETA: 52s
1256505344/1426460092 [=========================>....] - ETA: 52s
1256546304/1426460092 [=========================>....] - ETA: 52s
1256800256/1426460092 [=========================>....] - ETA: 52s
1257078784/1426460092 [=========================>....] - ETA: 52s
1257390080/1426460092 [=========================>....] - ETA: 52s
1257521152/1426460092 [=========================>....] - ETA: 52s
1258414080/1426460092 [=========================>....] - ETA: 51s
1258487808/1426460092 [=========================>....] - ETA: 51s
1258782720/1426460092 [=========================>....] - ETA: 51s
1259134976/1426460092 [=========================>....] - ETA: 51s
1259454464/1426460092 [=========================>....] - ETA: 51s
1259692032/1426460092 [=========================>....] - ETA: 51s
1260068864/1426460092 [=========================>....] - ETA: 51s
1260216320/1426460092 [=========================>....] - ETA: 51s
1260544000/1426460092 [=========================>....] - ETA: 51s
1260888064/1426460092 [=========================>....] - ETA: 51s
1261256704/1426460092 [=========================>....] - ETA: 51s
1261510656/1426460092 [=========================>....] - ETA: 50s
1261903872/1426460092 [=========================>....] - ETA: 50s
1262223360/1426460092 [=========================>....] - ETA: 50s
1262575616/1426460092 [=========================>....] - ETA: 50s
1262862336/1426460092 [=========================>....] - ETA: 50s
1263017984/1426460092 [=========================>....] - ETA: 50s
1263214592/1426460092 [=========================>....] - ETA: 50s
1263534080/1426460092 [=========================>....] - ETA: 50s
1263878144/1426460092 [=========================>....] - ETA: 50s
1264197632/1426460092 [=========================>....] - ETA: 50s
1264459776/1426460092 [=========================>....] - ETA: 50s
1264844800/1426460092 [=========================>....] - ETA: 49s
1265139712/1426460092 [=========================>....] - ETA: 49s
1265442816/1426460092 [=========================>....] - ETA: 49s
1265713152/1426460092 [=========================>....] - ETA: 49s
1266081792/1426460092 [=========================>....] - ETA: 49s
1266442240/1426460092 [=========================>....] - ETA: 49s
1266712576/1426460092 [=========================>....] - ETA: 49s
1267073024/1426460092 [=========================>....] - ETA: 49s
1267376128/1426460092 [=========================>....] - ETA: 49s
1267638272/1426460092 [=========================>....] - ETA: 49s
1267974144/1426460092 [=========================>....] - ETA: 48s
1268269056/1426460092 [=========================>....] - ETA: 48s
1268596736/1426460092 [=========================>....] - ETA: 48s
1268850688/1426460092 [=========================>....] - ETA: 48s
1269211136/1426460092 [=========================>....] - ETA: 48s
1269506048/1426460092 [=========================>....] - ETA: 48s
1269735424/1426460092 [=========================>....] - ETA: 48s
1270022144/1426460092 [=========================>....] - ETA: 48s
1270169600/1426460092 [=========================>....] - ETA: 48s
1270333440/1426460092 [=========================>....] - ETA: 48s
1270439936/1426460092 [=========================>....] - ETA: 48s
1270497280/1426460092 [=========================>....] - ETA: 48s
1270620160/1426460092 [=========================>....] - ETA: 48s
1270923264/1426460092 [=========================>....] - ETA: 47s
1271070720/1426460092 [=========================>....] - ETA: 47s
1271365632/1426460092 [=========================>....] - ETA: 47s
1271627776/1426460092 [=========================>....] - ETA: 47s
1271840768/1426460092 [=========================>....] - ETA: 47s
1272070144/1426460092 [=========================>....] - ETA: 47s
1272250368/1426460092 [=========================>....] - ETA: 47s
1272430592/1426460092 [=========================>....] - ETA: 47s
1272610816/1426460092 [=========================>....] - ETA: 47s
1273004032/1426460092 [=========================>....] - ETA: 47s
1273143296/1426460092 [=========================>....] - ETA: 47s
1273544704/1426460092 [=========================>....] - ETA: 47s
1273806848/1426460092 [=========================>....] - ETA: 47s
1274028032/1426460092 [=========================>....] - ETA: 46s
1274150912/1426460092 [=========================>....] - ETA: 46s
1274437632/1426460092 [=========================>....] - ETA: 46s
1274642432/1426460092 [=========================>....] - ETA: 46s
1274806272/1426460092 [=========================>....] - ETA: 46s
1275068416/1426460092 [=========================>....] - ETA: 46s
1275240448/1426460092 [=========================>....] - ETA: 46s
1275494400/1426460092 [=========================>....] - ETA: 46s
1275682816/1426460092 [=========================>....] - ETA: 46s
1276092416/1426460092 [=========================>....] - ETA: 46s
1276166144/1426460092 [=========================>....] - ETA: 46s
1276395520/1426460092 [=========================>....] - ETA: 46s
1276739584/1426460092 [=========================>....] - ETA: 46s
1276952576/1426460092 [=========================>....] - ETA: 46s
1277222912/1426460092 [=========================>....] - ETA: 45s
1277280256/1426460092 [=========================>....] - ETA: 45s
1277534208/1426460092 [=========================>....] - ETA: 45s
1277755392/1426460092 [=========================>....] - ETA: 45s
1278074880/1426460092 [=========================>....] - ETA: 45s
1278427136/1426460092 [=========================>....] - ETA: 45s
1278664704/1426460092 [=========================>....] - ETA: 45s
1279041536/1426460092 [=========================>....] - ETA: 45s
1279336448/1426460092 [=========================>....] - ETA: 45s
1279729664/1426460092 [=========================>....] - ETA: 45s
1279844352/1426460092 [=========================>....] - ETA: 45s
1280253952/1426460092 [=========================>....] - ETA: 45s
1280393216/1426460092 [=========================>....] - ETA: 44s
1280843776/1426460092 [=========================>....] - ETA: 44s
1280851968/1426460092 [=========================>....] - ETA: 44s
1281220608/1426460092 [=========================>....] - ETA: 44s
1281507328/1426460092 [=========================>....] - ETA: 44s
1281867776/1426460092 [=========================>....] - ETA: 44s
1282187264/1426460092 [=========================>....] - ETA: 44s
1282473984/1426460092 [=========================>....] - ETA: 44s
1282662400/1426460092 [=========================>....] - ETA: 44s
1282899968/1426460092 [=========================>....] - ETA: 44s
1283112960/1426460092 [=========================>....] - ETA: 44s
1283301376/1426460092 [=========================>....] - ETA: 44s
1283448832/1426460092 [=========================>....] - ETA: 44s
1283801088/1426460092 [=========================>....] - ETA: 43s
1284104192/1426460092 [==========================>...] - ETA: 43s
1284399104/1426460092 [==========================>...] - ETA: 43s
1284702208/1426460092 [==========================>...] - ETA: 43s
1284898816/1426460092 [==========================>...] - ETA: 43s
1285111808/1426460092 [==========================>...] - ETA: 43s
1285472256/1426460092 [==========================>...] - ETA: 43s
1285750784/1426460092 [==========================>...] - ETA: 43s
1286201344/1426460092 [==========================>...] - ETA: 43s
1286520832/1426460092 [==========================>...] - ETA: 43s
1286930432/1426460092 [==========================>...] - ETA: 42s
1287151616/1426460092 [==========================>...] - ETA: 42s
1287471104/1426460092 [==========================>...] - ETA: 42s
1287675904/1426460092 [==========================>...] - ETA: 42s
1287929856/1426460092 [==========================>...] - ETA: 42s
1288232960/1426460092 [==========================>...] - ETA: 42s
1288503296/1426460092 [==========================>...] - ETA: 42s
1288740864/1426460092 [==========================>...] - ETA: 42s
1288970240/1426460092 [==========================>...] - ETA: 42s
1289101312/1426460092 [==========================>...] - ETA: 42s
1289519104/1426460092 [==========================>...] - ETA: 42s
1289838592/1426460092 [==========================>...] - ETA: 42s
1289994240/1426460092 [==========================>...] - ETA: 41s
1290182656/1426460092 [==========================>...] - ETA: 41s
1290412032/1426460092 [==========================>...] - ETA: 41s
1290510336/1426460092 [==========================>...] - ETA: 41s
1290936320/1426460092 [==========================>...] - ETA: 41s
1291354112/1426460092 [==========================>...] - ETA: 41s
1291599872/1426460092 [==========================>...] - ETA: 41s
1291812864/1426460092 [==========================>...] - ETA: 41s
1291853824/1426460092 [==========================>...] - ETA: 41s
1292107776/1426460092 [==========================>...] - ETA: 41s
1292328960/1426460092 [==========================>...] - ETA: 41s
1292525568/1426460092 [==========================>...] - ETA: 41s
1292722176/1426460092 [==========================>...] - ETA: 41s
1293074432/1426460092 [==========================>...] - ETA: 40s
1293123584/1426460092 [==========================>...] - ETA: 40s
1293467648/1426460092 [==========================>...] - ETA: 40s
1293688832/1426460092 [==========================>...] - ETA: 40s
1293918208/1426460092 [==========================>...] - ETA: 40s
1294172160/1426460092 [==========================>...] - ETA: 40s
1294401536/1426460092 [==========================>...] - ETA: 40s
1294524416/1426460092 [==========================>...] - ETA: 40s
1294860288/1426460092 [==========================>...] - ETA: 40s
1295081472/1426460092 [==========================>...] - ETA: 40s
1295269888/1426460092 [==========================>...] - ETA: 40s
1295572992/1426460092 [==========================>...] - ETA: 40s
1295851520/1426460092 [==========================>...] - ETA: 40s
1296130048/1426460092 [==========================>...] - ETA: 40s
1296277504/1426460092 [==========================>...] - ETA: 40s
1296580608/1426460092 [==========================>...] - ETA: 39s
1296908288/1426460092 [==========================>...] - ETA: 39s
1297227776/1426460092 [==========================>...] - ETA: 39s
1297629184/1426460092 [==========================>...] - ETA: 39s
1297784832/1426460092 [==========================>...] - ETA: 39s
1298120704/1426460092 [==========================>...] - ETA: 39s
1298358272/1426460092 [==========================>...] - ETA: 39s
1298726912/1426460092 [==========================>...] - ETA: 39s
1299046400/1426460092 [==========================>...] - ETA: 39s
1299439616/1426460092 [==========================>...] - ETA: 38s
1299718144/1426460092 [==========================>...] - ETA: 38s
1300070400/1426460092 [==========================>...] - ETA: 38s
1300299776/1426460092 [==========================>...] - ETA: 38s
1300545536/1426460092 [==========================>...] - ETA: 38s
1300832256/1426460092 [==========================>...] - ETA: 38s
1301274624/1426460092 [==========================>...] - ETA: 38s
1301684224/1426460092 [==========================>...] - ETA: 38s
1301749760/1426460092 [==========================>...] - ETA: 38s
1302003712/1426460092 [==========================>...] - ETA: 38s
1302347776/1426460092 [==========================>...] - ETA: 38s
1302773760/1426460092 [==========================>...] - ETA: 37s
1303166976/1426460092 [==========================>...] - ETA: 37s
1303396352/1426460092 [==========================>...] - ETA: 37s
1303781376/1426460092 [==========================>...] - ETA: 37s
1304010752/1426460092 [==========================>...] - ETA: 37s
1304379392/1426460092 [==========================>...] - ETA: 37s
1304649728/1426460092 [==========================>...] - ETA: 37s
1304920064/1426460092 [==========================>...] - ETA: 37s
1305280512/1426460092 [==========================>...] - ETA: 37s
1305665536/1426460092 [==========================>...] - ETA: 37s
1305944064/1426460092 [==========================>...] - ETA: 36s
1306247168/1426460092 [==========================>...] - ETA: 36s
1306525696/1426460092 [==========================>...] - ETA: 36s
1306787840/1426460092 [==========================>...] - ETA: 36s
1307074560/1426460092 [==========================>...] - ETA: 36s
1307181056/1426460092 [==========================>...] - ETA: 36s
1307361280/1426460092 [==========================>...] - ETA: 36s
1307680768/1426460092 [==========================>...] - ETA: 36s
1307967488/1426460092 [==========================>...] - ETA: 36s
1308262400/1426460092 [==========================>...] - ETA: 36s
1308557312/1426460092 [==========================>...] - ETA: 36s
1308901376/1426460092 [==========================>...] - ETA: 35s
1309147136/1426460092 [==========================>...] - ETA: 35s
1309360128/1426460092 [==========================>...] - ETA: 35s
1309663232/1426460092 [==========================>...] - ETA: 35s
1310031872/1426460092 [==========================>...] - ETA: 35s
1310203904/1426460092 [==========================>...] - ETA: 35s
1310547968/1426460092 [==========================>...] - ETA: 35s
1310752768/1426460092 [==========================>...] - ETA: 35s
1311006720/1426460092 [==========================>...] - ETA: 35s
1311227904/1426460092 [==========================>...] - ETA: 35s
1311375360/1426460092 [==========================>...] - ETA: 35s
1311670272/1426460092 [==========================>...] - ETA: 35s
1311932416/1426460092 [==========================>...] - ETA: 35s
1312301056/1426460092 [==========================>...] - ETA: 34s
1312563200/1426460092 [==========================>...] - ETA: 34s
1312915456/1426460092 [==========================>...] - ETA: 34s
1313030144/1426460092 [==========================>...] - ETA: 34s
1313300480/1426460092 [==========================>...] - ETA: 34s
1313538048/1426460092 [==========================>...] - ETA: 34s
1313857536/1426460092 [==========================>...] - ETA: 34s
1314078720/1426460092 [==========================>...] - ETA: 34s
1314373632/1426460092 [==========================>...] - ETA: 34s
1314693120/1426460092 [==========================>...] - ETA: 34s
1314881536/1426460092 [==========================>...] - ETA: 34s
1315258368/1426460092 [==========================>...] - ETA: 34s
1315618816/1426460092 [==========================>...] - ETA: 33s
1316012032/1426460092 [==========================>...] - ETA: 33s
1316085760/1426460092 [==========================>...] - ETA: 33s
1316249600/1426460092 [==========================>...] - ETA: 33s
1316478976/1426460092 [==========================>...] - ETA: 33s
1316659200/1426460092 [==========================>...] - ETA: 33s
1316929536/1426460092 [==========================>...] - ETA: 33s
1317052416/1426460092 [==========================>...] - ETA: 33s
1317388288/1426460092 [==========================>...] - ETA: 33s
1317732352/1426460092 [==========================>...] - ETA: 33s
1318158336/1426460092 [==========================>...] - ETA: 33s
1318371328/1426460092 [==========================>...] - ETA: 33s
1318551552/1426460092 [==========================>...] - ETA: 32s
1318805504/1426460092 [==========================>...] - ETA: 32s
1319067648/1426460092 [==========================>...] - ETA: 32s
1319370752/1426460092 [==========================>...] - ETA: 32s
1319534592/1426460092 [==========================>...] - ETA: 32s
1319944192/1426460092 [==========================>...] - ETA: 32s
1320206336/1426460092 [==========================>...] - ETA: 32s
1320493056/1426460092 [==========================>...] - ETA: 32s
1320787968/1426460092 [==========================>...] - ETA: 32s
1321033728/1426460092 [==========================>...] - ETA: 32s
1321181184/1426460092 [==========================>...] - ETA: 32s
1321385984/1426460092 [==========================>...] - ETA: 32s
1321459712/1426460092 [==========================>...] - ETA: 32s
1321582592/1426460092 [==========================>...] - ETA: 32s
1321664512/1426460092 [==========================>...] - ETA: 32s
1321689088/1426460092 [==========================>...] - ETA: 32s
1322041344/1426460092 [==========================>...] - ETA: 31s
1322475520/1426460092 [==========================>...] - ETA: 31s
1322696704/1426460092 [==========================>...] - ETA: 31s
1322868736/1426460092 [==========================>...] - ETA: 31s
1323024384/1426460092 [==========================>...] - ETA: 31s
1323278336/1426460092 [==========================>...] - ETA: 31s
1323491328/1426460092 [==========================>...] - ETA: 31s
1323687936/1426460092 [==========================>...] - ETA: 31s
1323819008/1426460092 [==========================>...] - ETA: 31s
1323843584/1426460092 [==========================>...] - ETA: 31s
1324048384/1426460092 [==========================>...] - ETA: 31s
1324269568/1426460092 [==========================>...] - ETA: 31s
1324474368/1426460092 [==========================>...] - ETA: 31s
1324679168/1426460092 [==========================>...] - ETA: 31s
1324859392/1426460092 [==========================>...] - ETA: 31s
1325096960/1426460092 [==========================>...] - ETA: 31s
1325244416/1426460092 [==========================>...] - ETA: 30s
1325375488/1426460092 [==========================>...] - ETA: 30s
1325555712/1426460092 [==========================>...] - ETA: 30s
1325768704/1426460092 [==========================>...] - ETA: 30s
1325940736/1426460092 [==========================>...] - ETA: 30s
1326014464/1426460092 [==========================>...] - ETA: 30s
1326211072/1426460092 [==========================>...] - ETA: 30s
1326391296/1426460092 [==========================>...] - ETA: 30s
1326555136/1426460092 [==========================>...] - ETA: 30s
1326727168/1426460092 [==========================>...] - ETA: 30s
1326915584/1426460092 [==========================>...] - ETA: 30s
1327005696/1426460092 [==========================>...] - ETA: 30s
1327218688/1426460092 [==========================>...] - ETA: 30s
1327349760/1426460092 [==========================>...] - ETA: 30s
1327521792/1426460092 [==========================>...] - ETA: 30s
1327734784/1426460092 [==========================>...] - ETA: 30s
1328087040/1426460092 [==========================>...] - ETA: 30s
1328390144/1426460092 [==========================>...] - ETA: 30s
1328545792/1426460092 [==========================>...] - ETA: 29s
1328791552/1426460092 [==========================>...] - ETA: 29s
1329045504/1426460092 [==========================>...] - ETA: 29s
1329315840/1426460092 [==========================>...] - ETA: 29s
1329405952/1426460092 [==========================>...] - ETA: 29s
1329659904/1426460092 [==========================>...] - ETA: 29s
1329831936/1426460092 [==========================>...] - ETA: 29s
1329963008/1426460092 [==========================>...] - ETA: 29s
1330143232/1426460092 [==========================>...] - ETA: 29s
1330413568/1426460092 [==========================>...] - ETA: 29s
1330487296/1426460092 [==========================>...] - ETA: 29s
1330634752/1426460092 [==========================>...] - ETA: 29s
1330774016/1426460092 [==========================>...] - ETA: 29s
1330937856/1426460092 [==========================>...] - ETA: 29s
1330970624/1426460092 [==========================>...] - ETA: 29s
1331167232/1426460092 [==========================>...] - ETA: 29s
1331240960/1426460092 [==========================>...] - ETA: 29s
1331314688/1426460092 [==========================>...] - ETA: 29s
1331322880/1426460092 [==========================>...] - ETA: 29s
1331363840/1426460092 [===========================>..] - ETA: 29s
1331372032/1426460092 [===========================>..] - ETA: 29s
1331634176/1426460092 [===========================>..] - ETA: 29s
1331838976/1426460092 [===========================>..] - ETA: 29s
1331912704/1426460092 [===========================>..] - ETA: 29s
1332109312/1426460092 [===========================>..] - ETA: 29s
1332346880/1426460092 [===========================>..] - ETA: 28s
1332412416/1426460092 [===========================>..] - ETA: 28s
1332453376/1426460092 [===========================>..] - ETA: 28s
1332690944/1426460092 [===========================>..] - ETA: 28s
1332903936/1426460092 [===========================>..] - ETA: 28s
1333092352/1426460092 [===========================>..] - ETA: 28s
1333231616/1426460092 [===========================>..] - ETA: 28s
1333248000/1426460092 [===========================>..] - ETA: 28s
1333256192/1426460092 [===========================>..] - ETA: 28s
1333493760/1426460092 [===========================>..] - ETA: 28s
1333673984/1426460092 [===========================>..] - ETA: 28s
1333944320/1426460092 [===========================>..] - ETA: 28s
1334321152/1426460092 [===========================>..] - ETA: 28s
1334583296/1426460092 [===========================>..] - ETA: 28s
1334788096/1426460092 [===========================>..] - ETA: 28s
1334812672/1426460092 [===========================>..] - ETA: 28s
1335042048/1426460092 [===========================>..] - ETA: 28s
1335304192/1426460092 [===========================>..] - ETA: 28s
1335582720/1426460092 [===========================>..] - ETA: 27s
1335853056/1426460092 [===========================>..] - ETA: 27s
1336156160/1426460092 [===========================>..] - ETA: 27s
1336221696/1426460092 [===========================>..] - ETA: 27s
1336393728/1426460092 [===========================>..] - ETA: 27s
1336631296/1426460092 [===========================>..] - ETA: 27s
1336827904/1426460092 [===========================>..] - ETA: 27s
1336983552/1426460092 [===========================>..] - ETA: 27s
1337131008/1426460092 [===========================>..] - ETA: 27s
1337409536/1426460092 [===========================>..] - ETA: 27s
1337614336/1426460092 [===========================>..] - ETA: 27s
1337720832/1426460092 [===========================>..] - ETA: 27s
1337884672/1426460092 [===========================>..] - ETA: 27s
1337892864/1426460092 [===========================>..] - ETA: 27s
1338105856/1426460092 [===========================>..] - ETA: 27s
1338286080/1426460092 [===========================>..] - ETA: 27s
1338384384/1426460092 [===========================>..] - ETA: 27s
1338687488/1426460092 [===========================>..] - ETA: 27s
1338728448/1426460092 [===========================>..] - ETA: 27s
1338875904/1426460092 [===========================>..] - ETA: 27s
1338900480/1426460092 [===========================>..] - ETA: 27s
1339097088/1426460092 [===========================>..] - ETA: 26s
1339260928/1426460092 [===========================>..] - ETA: 26s
1339490304/1426460092 [===========================>..] - ETA: 26s
1339621376/1426460092 [===========================>..] - ETA: 26s
1339711488/1426460092 [===========================>..] - ETA: 26s
1339850752/1426460092 [===========================>..] - ETA: 26s
1340039168/1426460092 [===========================>..] - ETA: 26s
1340047360/1426460092 [===========================>..] - ETA: 26s
1340219392/1426460092 [===========================>..] - ETA: 26s
1340563456/1426460092 [===========================>..] - ETA: 26s
1340784640/1426460092 [===========================>..] - ETA: 26s
1340964864/1426460092 [===========================>..] - ETA: 26s
1341153280/1426460092 [===========================>..] - ETA: 26s
1341358080/1426460092 [===========================>..] - ETA: 26s
1341513728/1426460092 [===========================>..] - ETA: 26s
1341734912/1426460092 [===========================>..] - ETA: 26s
1341906944/1426460092 [===========================>..] - ETA: 26s
1342021632/1426460092 [===========================>..] - ETA: 26s
1342218240/1426460092 [===========================>..] - ETA: 26s
1342488576/1426460092 [===========================>..] - ETA: 25s
1342701568/1426460092 [===========================>..] - ETA: 25s
1342881792/1426460092 [===========================>..] - ETA: 25s
1343201280/1426460092 [===========================>..] - ETA: 25s
1343528960/1426460092 [===========================>..] - ETA: 25s
1343832064/1426460092 [===========================>..] - ETA: 25s
1343922176/1426460092 [===========================>..] - ETA: 25s
1344167936/1426460092 [===========================>..] - ETA: 25s
1344372736/1426460092 [===========================>..] - ETA: 25s
1344495616/1426460092 [===========================>..] - ETA: 25s
1344643072/1426460092 [===========================>..] - ETA: 25s
1344684032/1426460092 [===========================>..] - ETA: 25s
1344724992/1426460092 [===========================>..] - ETA: 25s
1345044480/1426460092 [===========================>..] - ETA: 25s
1345216512/1426460092 [===========================>..] - ETA: 25s
1345413120/1426460092 [===========================>..] - ETA: 25s
1345568768/1426460092 [===========================>..] - ETA: 25s
1345847296/1426460092 [===========================>..] - ETA: 24s
1346035712/1426460092 [===========================>..] - ETA: 24s
1346215936/1426460092 [===========================>..] - ETA: 24s
1346387968/1426460092 [===========================>..] - ETA: 24s
1346699264/1426460092 [===========================>..] - ETA: 24s
1347018752/1426460092 [===========================>..] - ETA: 24s
1347346432/1426460092 [===========================>..] - ETA: 24s
1347633152/1426460092 [===========================>..] - ETA: 24s
1347985408/1426460092 [===========================>..] - ETA: 24s
1348296704/1426460092 [===========================>..] - ETA: 24s
1348550656/1426460092 [===========================>..] - ETA: 24s
1348943872/1426460092 [===========================>..] - ETA: 23s
1349173248/1426460092 [===========================>..] - ETA: 23s
1349500928/1426460092 [===========================>..] - ETA: 23s
1349861376/1426460092 [===========================>..] - ETA: 23s
1350238208/1426460092 [===========================>..] - ETA: 23s
1350508544/1426460092 [===========================>..] - ETA: 23s
1350852608/1426460092 [===========================>..] - ETA: 23s
1351073792/1426460092 [===========================>..] - ETA: 23s
1351352320/1426460092 [===========================>..] - ETA: 23s
1351622656/1426460092 [===========================>..] - ETA: 23s
1351991296/1426460092 [===========================>..] - ETA: 22s
1352392704/1426460092 [===========================>..] - ETA: 22s
1352753152/1426460092 [===========================>..] - ETA: 22s
1353129984/1426460092 [===========================>..] - ETA: 22s
1353441280/1426460092 [===========================>..] - ETA: 22s
1353768960/1426460092 [===========================>..] - ETA: 22s
1354145792/1426460092 [===========================>..] - ETA: 22s
1354465280/1426460092 [===========================>..] - ETA: 22s
1354727424/1426460092 [===========================>..] - ETA: 22s
1355112448/1426460092 [===========================>..] - ETA: 22s
1355423744/1426460092 [===========================>..] - ETA: 21s
1355784192/1426460092 [===========================>..] - ETA: 21s
1356062720/1426460092 [===========================>..] - ETA: 21s
1356414976/1426460092 [===========================>..] - ETA: 21s
1356521472/1426460092 [===========================>..] - ETA: 21s
1356816384/1426460092 [===========================>..] - ETA: 21s
1357070336/1426460092 [===========================>..] - ETA: 21s
1357340672/1426460092 [===========================>..] - ETA: 21s
1357602816/1426460092 [===========================>..] - ETA: 21s
1357979648/1426460092 [===========================>..] - ETA: 21s
1358225408/1426460092 [===========================>..] - ETA: 21s
1358561280/1426460092 [===========================>..] - ETA: 20s
1358774272/1426460092 [===========================>..] - ETA: 20s
1359151104/1426460092 [===========================>..] - ETA: 20s
1359323136/1426460092 [===========================>..] - ETA: 20s
1359527936/1426460092 [===========================>..] - ETA: 20s
1359708160/1426460092 [===========================>..] - ETA: 20s
1359912960/1426460092 [===========================>..] - ETA: 20s
1360109568/1426460092 [===========================>..] - ETA: 20s
1360273408/1426460092 [===========================>..] - ETA: 20s
1360412672/1426460092 [===========================>..] - ETA: 20s
1360617472/1426460092 [===========================>..] - ETA: 20s
1360822272/1426460092 [===========================>..] - ETA: 20s
1361068032/1426460092 [===========================>..] - ETA: 20s
1361125376/1426460092 [===========================>..] - ETA: 20s
1361469440/1426460092 [===========================>..] - ETA: 20s
1361772544/1426460092 [===========================>..] - ETA: 19s
1362010112/1426460092 [===========================>..] - ETA: 19s
1362518016/1426460092 [===========================>..] - ETA: 19s
1362821120/1426460092 [===========================>..] - ETA: 19s
1363279872/1426460092 [===========================>..] - ETA: 19s
1363566592/1426460092 [===========================>..] - ETA: 19s
1364008960/1426460092 [===========================>..] - ETA: 19s
1364303872/1426460092 [===========================>..] - ETA: 19s
1364672512/1426460092 [===========================>..] - ETA: 19s
1364844544/1426460092 [===========================>..] - ETA: 18s
1365139456/1426460092 [===========================>..] - ETA: 18s
1365295104/1426460092 [===========================>..] - ETA: 18s
1365401600/1426460092 [===========================>..] - ETA: 18s
1365598208/1426460092 [===========================>..] - ETA: 18s
1365827584/1426460092 [===========================>..] - ETA: 18s
1366048768/1426460092 [===========================>..] - ETA: 18s
1366261760/1426460092 [===========================>..] - ETA: 18s
1366474752/1426460092 [===========================>..] - ETA: 18s
1366687744/1426460092 [===========================>..] - ETA: 18s
1366974464/1426460092 [===========================>..] - ETA: 18s
1367154688/1426460092 [===========================>..] - ETA: 18s
1367425024/1426460092 [===========================>..] - ETA: 18s
1367597056/1426460092 [===========================>..] - ETA: 18s
1367752704/1426460092 [===========================>..] - ETA: 18s
1368072192/1426460092 [===========================>..] - ETA: 17s
1368227840/1426460092 [===========================>..] - ETA: 17s
1368465408/1426460092 [===========================>..] - ETA: 17s
1368662016/1426460092 [===========================>..] - ETA: 17s
1368891392/1426460092 [===========================>..] - ETA: 17s
1369047040/1426460092 [===========================>..] - ETA: 17s
1369227264/1426460092 [===========================>..] - ETA: 17s
1369448448/1426460092 [===========================>..] - ETA: 17s
1369686016/1426460092 [===========================>..] - ETA: 17s
1369915392/1426460092 [===========================>..] - ETA: 17s
1370169344/1426460092 [===========================>..] - ETA: 17s
1370259456/1426460092 [===========================>..] - ETA: 17s
1370611712/1426460092 [===========================>..] - ETA: 17s
1370800128/1426460092 [===========================>..] - ETA: 17s
1371021312/1426460092 [===========================>..] - ETA: 17s
1371234304/1426460092 [===========================>..] - ETA: 16s
1371291648/1426460092 [===========================>..] - ETA: 16s
1371414528/1426460092 [===========================>..] - ETA: 16s
1371512832/1426460092 [===========================>..] - ETA: 16s
1371652096/1426460092 [===========================>..] - ETA: 16s
1371840512/1426460092 [===========================>..] - ETA: 16s
1372061696/1426460092 [===========================>..] - ETA: 16s
1372315648/1426460092 [===========================>..] - ETA: 16s
1372602368/1426460092 [===========================>..] - ETA: 16s
1372684288/1426460092 [===========================>..] - ETA: 16s
1372913664/1426460092 [===========================>..] - ETA: 16s
1373126656/1426460092 [===========================>..] - ETA: 16s
1373315072/1426460092 [===========================>..] - ETA: 16s
1373675520/1426460092 [===========================>..] - ETA: 16s
1373962240/1426460092 [===========================>..] - ETA: 16s
1374060544/1426460092 [===========================>..] - ETA: 16s
1374339072/1426460092 [===========================>..] - ETA: 16s
1374527488/1426460092 [===========================>..] - ETA: 15s
1374715904/1426460092 [===========================>..] - ETA: 15s
1374920704/1426460092 [===========================>..] - ETA: 15s
1375117312/1426460092 [===========================>..] - ETA: 15s
1375272960/1426460092 [===========================>..] - ETA: 15s
1375444992/1426460092 [===========================>..] - ETA: 15s
1375657984/1426460092 [===========================>..] - ETA: 15s
1375789056/1426460092 [===========================>..] - ETA: 15s
1375969280/1426460092 [===========================>..] - ETA: 15s
1376059392/1426460092 [===========================>..] - ETA: 15s
1376280576/1426460092 [===========================>..] - ETA: 15s
1376296960/1426460092 [===========================>..] - ETA: 15s
1376649216/1426460092 [===========================>..] - ETA: 15s
1376886784/1426460092 [===========================>..] - ETA: 15s
1377140736/1426460092 [===========================>..] - ETA: 15s
1377402880/1426460092 [===========================>..] - ETA: 15s
1377705984/1426460092 [===========================>..] - ETA: 15s
1377935360/1426460092 [===========================>..] - ETA: 14s
1378287616/1426460092 [===========================>..] - ETA: 14s
1378492416/1426460092 [===========================>..] - ETA: 14s
1378828288/1426460092 [===========================>..] - ETA: 14s
1378861056/1426460092 [===========================>..] - ETA: 14s
1379049472/1426460092 [============================>.] - ETA: 14s
1379180544/1426460092 [============================>.] - ETA: 14s
1379352576/1426460092 [============================>.] - ETA: 14s
1379524608/1426460092 [============================>.] - ETA: 14s
1379770368/1426460092 [============================>.] - ETA: 14s
1379966976/1426460092 [============================>.] - ETA: 14s
1380122624/1426460092 [============================>.] - ETA: 14s
1380319232/1426460092 [============================>.] - ETA: 14s
1380515840/1426460092 [============================>.] - ETA: 14s
1380646912/1426460092 [============================>.] - ETA: 14s
1380810752/1426460092 [============================>.] - ETA: 14s
1381015552/1426460092 [============================>.] - ETA: 14s
1381187584/1426460092 [============================>.] - ETA: 13s
1381326848/1426460092 [============================>.] - ETA: 13s
1381597184/1426460092 [============================>.] - ETA: 13s
1381752832/1426460092 [============================>.] - ETA: 13s
1381957632/1426460092 [============================>.] - ETA: 13s
1382121472/1426460092 [============================>.] - ETA: 13s
1382252544/1426460092 [============================>.] - ETA: 13s
1382498304/1426460092 [============================>.] - ETA: 13s
1382612992/1426460092 [============================>.] - ETA: 13s
1382801408/1426460092 [============================>.] - ETA: 13s
1382883328/1426460092 [============================>.] - ETA: 13s
1383096320/1426460092 [============================>.] - ETA: 13s
1383317504/1426460092 [============================>.] - ETA: 13s
1383481344/1426460092 [============================>.] - ETA: 13s
1383686144/1426460092 [============================>.] - ETA: 13s
1383866368/1426460092 [============================>.] - ETA: 13s
1384095744/1426460092 [============================>.] - ETA: 13s
1384300544/1426460092 [============================>.] - ETA: 12s
1384513536/1426460092 [============================>.] - ETA: 12s
1384620032/1426460092 [============================>.] - ETA: 12s
1384849408/1426460092 [============================>.] - ETA: 12s
1385013248/1426460092 [============================>.] - ETA: 12s
1385398272/1426460092 [============================>.] - ETA: 12s
1385603072/1426460092 [============================>.] - ETA: 12s
1385971712/1426460092 [============================>.] - ETA: 12s
1386070016/1426460092 [============================>.] - ETA: 12s
1386299392/1426460092 [============================>.] - ETA: 12s
1386496000/1426460092 [============================>.] - ETA: 12s
1386766336/1426460092 [============================>.] - ETA: 12s
1386774528/1426460092 [============================>.] - ETA: 12s
1387036672/1426460092 [============================>.] - ETA: 12s
1387290624/1426460092 [============================>.] - ETA: 12s
1387503616/1426460092 [============================>.] - ETA: 12s
1387651072/1426460092 [============================>.] - ETA: 11s
1387937792/1426460092 [============================>.] - ETA: 11s
1388109824/1426460092 [============================>.] - ETA: 11s
1388183552/1426460092 [============================>.] - ETA: 11s
1388232704/1426460092 [============================>.] - ETA: 11s
1388265472/1426460092 [============================>.] - ETA: 11s
1388388352/1426460092 [============================>.] - ETA: 11s
1388814336/1426460092 [============================>.] - ETA: 11s
1389002752/1426460092 [============================>.] - ETA: 11s
1389051904/1426460092 [============================>.] - ETA: 11s
1389084672/1426460092 [============================>.] - ETA: 11s
1389240320/1426460092 [============================>.] - ETA: 11s
1389510656/1426460092 [============================>.] - ETA: 11s
1389690880/1426460092 [============================>.] - ETA: 11s
1389789184/1426460092 [============================>.] - ETA: 11s
1389920256/1426460092 [============================>.] - ETA: 11s
1390051328/1426460092 [============================>.] - ETA: 11s
1390354432/1426460092 [============================>.] - ETA: 11s
1390641152/1426460092 [============================>.] - ETA: 11s
1390837760/1426460092 [============================>.] - ETA: 10s
1390952448/1426460092 [============================>.] - ETA: 10s
1391091712/1426460092 [============================>.] - ETA: 10s
1391353856/1426460092 [============================>.] - ETA: 10s
1391566848/1426460092 [============================>.] - ETA: 10s
1391714304/1426460092 [============================>.] - ETA: 10s
1391960064/1426460092 [============================>.] - ETA: 10s
1392189440/1426460092 [============================>.] - ETA: 10s
1392214016/1426460092 [============================>.] - ETA: 10s
1392418816/1426460092 [============================>.] - ETA: 10s
1392566272/1426460092 [============================>.] - ETA: 10s
1392820224/1426460092 [============================>.] - ETA: 10s
1393139712/1426460092 [============================>.] - ETA: 10s
1393205248/1426460092 [============================>.] - ETA: 10s
1393483776/1426460092 [============================>.] - ETA: 10s
1393754112/1426460092 [============================>.] - ETA: 10s
1394073600/1426460092 [============================>.] - ETA: 9s
1394163712/1426460092 [============================>.] - ETA: 9s
1394401280/1426460092 [============================>.] - ETA: 9s
1394540544/1426460092 [============================>.] - ETA: 9s
1394647040/1426460092 [============================>.] - ETA: 9s
1394843648/1426460092 [============================>.] - ETA: 9s
1395089408/1426460092 [============================>.] - ETA: 9s
1395286016/1426460092 [============================>.] - ETA: 9s
1395441664/1426460092 [============================>.] - ETA: 9s
1395744768/1426460092 [============================>.] - ETA: 9s
1395974144/1426460092 [============================>.] - ETA: 9s
1396293632/1426460092 [============================>.] - ETA: 9s
1396449280/1426460092 [============================>.] - ETA: 9s
1396760576/1426460092 [============================>.] - ETA: 9s
1396858880/1426460092 [============================>.] - ETA: 9s
1397121024/1426460092 [============================>.] - ETA: 9s
1397456896/1426460092 [============================>.] - ETA: 8s
1397653504/1426460092 [============================>.] - ETA: 8s
1397784576/1426460092 [============================>.] - ETA: 8s
1398054912/1426460092 [============================>.] - ETA: 8s
1398317056/1426460092 [============================>.] - ETA: 8s
1398505472/1426460092 [============================>.] - ETA: 8s
1398767616/1426460092 [============================>.] - ETA: 8s
1399029760/1426460092 [============================>.] - ETA: 8s
1399242752/1426460092 [============================>.] - ETA: 8s
1399431168/1426460092 [============================>.] - ETA: 8s
1399660544/1426460092 [============================>.] - ETA: 8s
1399914496/1426460092 [============================>.] - ETA: 8s
1400078336/1426460092 [============================>.] - ETA: 8s
1400381440/1426460092 [============================>.] - ETA: 8s
1400659968/1426460092 [============================>.] - ETA: 7s
1401012224/1426460092 [============================>.] - ETA: 7s
1401274368/1426460092 [============================>.] - ETA: 7s
1401618432/1426460092 [============================>.] - ETA: 7s
1401864192/1426460092 [============================>.] - ETA: 7s
1402109952/1426460092 [============================>.] - ETA: 7s
1402208256/1426460092 [============================>.] - ETA: 7s
1402486784/1426460092 [============================>.] - ETA: 7s
1402732544/1426460092 [============================>.] - ETA: 7s
1402912768/1426460092 [============================>.] - ETA: 7s
1403297792/1426460092 [============================>.] - ETA: 7s
1403584512/1426460092 [============================>.] - ETA: 7s
1403904000/1426460092 [============================>.] - ETA: 6s
1404157952/1426460092 [============================>.] - ETA: 6s
1404542976/1426460092 [============================>.] - ETA: 6s
1404903424/1426460092 [============================>.] - ETA: 6s
1405050880/1426460092 [============================>.] - ETA: 6s
1405083648/1426460092 [============================>.] - ETA: 6s
1405296640/1426460092 [============================>.] - ETA: 6s
1405542400/1426460092 [============================>.] - ETA: 6s
1405812736/1426460092 [============================>.] - ETA: 6s
1406050304/1426460092 [============================>.] - ETA: 6s
1406296064/1426460092 [============================>.] - ETA: 6s
1406468096/1426460092 [============================>.] - ETA: 6s
1406574592/1426460092 [============================>.] - ETA: 6s
1406803968/1426460092 [============================>.] - ETA: 6s
1407008768/1426460092 [============================>.] - ETA: 5s
1407180800/1426460092 [============================>.] - ETA: 5s
1407451136/1426460092 [============================>.] - ETA: 5s
1407803392/1426460092 [============================>.] - ETA: 5s
1407950848/1426460092 [============================>.] - ETA: 5s
1407991808/1426460092 [============================>.] - ETA: 5s
1408270336/1426460092 [============================>.] - ETA: 5s
1408319488/1426460092 [============================>.] - ETA: 5s
1408409600/1426460092 [============================>.] - ETA: 5s
1408516096/1426460092 [============================>.] - ETA: 5s
1408540672/1426460092 [============================>.] - ETA: 5s
1408606208/1426460092 [============================>.] - ETA: 5s
1408696320/1426460092 [============================>.] - ETA: 5s
1408835584/1426460092 [============================>.] - ETA: 5s
1408991232/1426460092 [============================>.] - ETA: 5s
1409261568/1426460092 [============================>.] - ETA: 5s
1409441792/1426460092 [============================>.] - ETA: 5s
1409654784/1426460092 [============================>.] - ETA: 5s
1409859584/1426460092 [============================>.] - ETA: 5s
1410064384/1426460092 [============================>.] - ETA: 5s
1410252800/1426460092 [============================>.] - ETA: 4s
1410473984/1426460092 [============================>.] - ETA: 4s
1410654208/1426460092 [============================>.] - ETA: 4s
1410940928/1426460092 [============================>.] - ETA: 4s
1411129344/1426460092 [============================>.] - ETA: 4s
1411293184/1426460092 [============================>.] - ETA: 4s
1411612672/1426460092 [============================>.] - ETA: 4s
1411784704/1426460092 [============================>.] - ETA: 4s
1411915776/1426460092 [============================>.] - ETA: 4s
1412177920/1426460092 [============================>.] - ETA: 4s
1412382720/1426460092 [============================>.] - ETA: 4s
1412661248/1426460092 [============================>.] - ETA: 4s
1412857856/1426460092 [============================>.] - ETA: 4s
1413005312/1426460092 [============================>.] - ETA: 4s
1413292032/1426460092 [============================>.] - ETA: 4s
1413603328/1426460092 [============================>.] - ETA: 3s
1413840896/1426460092 [============================>.] - ETA: 3s
1414127616/1426460092 [============================>.] - ETA: 3s
1414307840/1426460092 [============================>.] - ETA: 3s
1414651904/1426460092 [============================>.] - ETA: 3s
1414873088/1426460092 [============================>.] - ETA: 3s
1415217152/1426460092 [============================>.] - ETA: 3s
1415430144/1426460092 [============================>.] - ETA: 3s
1415774208/1426460092 [============================>.] - ETA: 3s
1415962624/1426460092 [============================>.] - ETA: 3s
1416069120/1426460092 [============================>.] - ETA: 3s
1416421376/1426460092 [============================>.] - ETA: 3s
1416716288/1426460092 [============================>.] - ETA: 3s
1416921088/1426460092 [============================>.] - ETA: 2s
1417191424/1426460092 [============================>.] - ETA: 2s
1417494528/1426460092 [============================>.] - ETA: 2s
1417658368/1426460092 [============================>.] - ETA: 2s
1417961472/1426460092 [============================>.] - ETA: 2s
1418248192/1426460092 [============================>.] - ETA: 2s
1418657792/1426460092 [============================>.] - ETA: 2s
1418960896/1426460092 [============================>.] - ETA: 2s
1419149312/1426460092 [============================>.] - ETA: 2s
1419411456/1426460092 [============================>.] - ETA: 2s
1419649024/1426460092 [============================>.] - ETA: 2s
1420009472/1426460092 [============================>.] - ETA: 1s
1420296192/1426460092 [============================>.] - ETA: 1s
1420476416/1426460092 [============================>.] - ETA: 1s
1420935168/1426460092 [============================>.] - ETA: 1s
1421099008/1426460092 [============================>.] - ETA: 1s
1421393920/1426460092 [============================>.] - ETA: 1s
1421606912/1426460092 [============================>.] - ETA: 1s
1421803520/1426460092 [============================>.] - ETA: 1s
1421991936/1426460092 [============================>.] - ETA: 1s
1422278656/1426460092 [============================>.] - ETA: 1s
1422458880/1426460092 [============================>.] - ETA: 1s
1422647296/1426460092 [============================>.] - ETA: 1s
1422917632/1426460092 [============================>.] - ETA: 1s
1423130624/1426460092 [============================>.] - ETA: 1s
1423294464/1426460092 [============================>.] - ETA: 0s
1423532032/1426460092 [============================>.] - ETA: 0s
1423679488/1426460092 [============================>.] - ETA: 0s
1423851520/1426460092 [============================>.] - ETA: 0s
1424072704/1426460092 [============================>.] - ETA: 0s
1424326656/1426460092 [============================>.] - ETA: 0s
1424596992/1426460092 [============================>.] - ETA: 0s
1424785408/1426460092 [============================>.] - ETA: 0s
1424826368/1426460092 [============================>.] - ETA: 0s
1425006592/1426460092 [============================>.] - ETA: 0s
1425293312/1426460092 [============================>.] - ETA: 0s
1425481728/1426460092 [============================>.] - ETA: 0s
1425727488/1426460092 [============================>.] - ETA: 0s
1425940480/1426460092 [============================>.] - ETA: 0s
1426120704/1426460092 [============================>.] - ETA: 0s
1426358272/1426460092 [============================>.] - ETA: 0s
1426464768/1426460092 [==============================] - 439s 0us/step

Download the labels

The code snippet shown below is used to download the labels file (.pbtxt) which contains a list of strings used to add the correct label to each detection (e.g. person). Since the pre-trained model we will use has been trained on the COCO dataset, we will need to download the labels file corresponding to this dataset, named mscoco_label_map.pbtxt. A full list of the labels files included in the TensorFlow Models Garden can be found here.

# Download labels file
def download_labels(filename):
    base_url = 'https://raw.githubusercontent.com/tensorflow/models/master/research/object_detection/data/'
    label_dir = tf.keras.utils.get_file(fname=filename,
                                        origin=base_url + filename,
                                        untar=False)
    label_dir = pathlib.Path(label_dir)
    return str(label_dir)

LABEL_FILENAME = 'mscoco_label_map.pbtxt'
PATH_TO_LABELS = download_labels(LABEL_FILENAME)

Load the model

Next we load the downloaded model

import time
from object_detection.utils import label_map_util
from object_detection.utils import visualization_utils as viz_utils

PATH_TO_SAVED_MODEL = PATH_TO_MODEL_DIR + "/saved_model"

print('Loading model...', end='')
start_time = time.time()

# Load saved model and build the detection function
detect_fn = tf.saved_model.load(PATH_TO_SAVED_MODEL)

end_time = time.time()
elapsed_time = end_time - start_time
print('Done! Took {} seconds'.format(elapsed_time))

Out:

Loading model...WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_53414) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_35984) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_213700) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_38889) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_54075) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_54520) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_convolutional_block_73_layer_call_and_return_conditional_losses_200673) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_47992) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_38228) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_208900) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_45106) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_52950) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_202060) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_206380) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_209860) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_215500) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_205180) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_41330) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_205660) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_206140) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_45322) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_50007) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_48208) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_49314) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_205900) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_43555) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_46428) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_52041) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_203740) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_22597) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_204340) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_209980) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_48437) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_209740) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_202780) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_23932) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_convolutional_block_72_layer_call_and_return_conditional_losses_64920) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_34179) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_209380) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_203500) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_37122) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_32577) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_convolutional_block_73_layer_call_and_return_conditional_losses_65063) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_214900) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_33734) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_217900) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_49778) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_30810) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_218740) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_42436) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_49562) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_215620) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_45767) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_21046) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_50471) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_45551) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_46657) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_32825) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_encoder_decoder_block_layer_call_and_return_conditional_losses_60787) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_211300) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_212980) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_50223) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_219340) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_217420) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_216460) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_27250) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_27924) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_51825) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_47318) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_24593) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_47102) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_21936) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_211540) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_204580) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_31916) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_207580) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_214540) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_encoder_decoder_block_5_layer_call_and_return_conditional_losses_71112) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_convolutional_block_36_layer_call_and_return_conditional_losses_64774) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_encoder_decoder_block_layer_call_and_return_conditional_losses_188192) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_219100) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_29030) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_201940) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_input_downsample_block_layer_call_and_return_conditional_losses_181590) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_51380) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_206860) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_217660) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_207340) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_201700) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_212260) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_215380) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_204220) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_43987) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_202180) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_215740) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_19495) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_211780) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_208180) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_218980) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_29475) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_216100) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_23042) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_201820) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_211060) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_34643) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_204940) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_208660) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_38444) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_209140) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_205780) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_22381) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_31255) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_53166) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_44216) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_215860) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_219940) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_52257) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_42665) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_24148) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_214660) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_209500) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_218140) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_30136) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_210220) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_49098) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_41775) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_36893) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_40885) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_50916) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_39563) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_30365) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_217180) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_29691) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_convolutional_block_71_layer_call_and_return_conditional_losses_200410) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_26373) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_35304) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_213460) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_203860) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_212860) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_217060) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_19279) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_219580) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_53859) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_31471) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_207820) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_22152) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_20601) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_213340) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_hourglass_network_layer_call_and_return_conditional_losses_155730) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_54304) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_center_net_hourglass_feature_extractor_layer_call_and_return_conditional_losses_136884) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_214780) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_220180) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_214060) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_39995) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_39779) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_52721) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_convolutional_block_36_layer_call_and_return_conditional_losses_200274) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_208420) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_33041) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_25928) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_44432) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_21707) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_214180) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_20385) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_212620) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_212380) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_28585) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_33950) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_45983) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_207940) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_218860) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_46212) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_25254) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_209020) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_19050) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_213100) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_20830) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_202660) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_205060) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_33270) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_213220) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_206500) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_212740) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_219220) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_41991) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_220060) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_convolutional_block_72_layer_call_and_return_conditional_losses_200543) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_216220) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_206260) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_218020) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_217780) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_46873) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_52505) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_213580) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_43326) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_219700) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_207700) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_204460) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_210820) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_220300) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_29920) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_41114) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_211180) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_38673) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_39334) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_27695) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_input_downsample_block_layer_call_and_return_conditional_losses_54872) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_215260) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_20156) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_207220) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_41559) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_210340) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_44661) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_218380) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_28369) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_hourglass_network_layer_call_and_return_conditional_losses_174576) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_212500) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_205300) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_206020) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_encoder_decoder_block_5_layer_call_and_return_conditional_losses_197040) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_220420) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_hourglass_network_layer_call_and_return_conditional_losses_93754) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_202420) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_23703) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_25699) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_37567) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_40669) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_216580) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_32361) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_211900) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_34859) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_218500) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_51596) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_25483) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_204820) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_212020) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_211660) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_32145) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_28814) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_36677) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_203140) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_210460) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_207100) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_209260) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_53643) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_206740) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_208540) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_201580) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_212140) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_36213) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_206980) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_218620) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_202300) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_210700) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_23258) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_47763) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_48882) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_33486) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_201460) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_27479) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_25038) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_203620) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_203380) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_31700) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_center_net_hourglass_feature_extractor_layer_call_and_return_conditional_losses_118038) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_30581) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_residual_block_69_layer_call_and_return_conditional_losses_65298) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_214300) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_205420) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_214420) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_34395) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_36429) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_37999) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_215020) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_207460) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_217540) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_26818) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_210100) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_42220) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_204700) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_50687) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_19711) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_205540) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_51132) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_43771) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_48653) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_215980) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_213820) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_26589) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_27034) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_203020) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_35520) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_211420) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_210940) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_21262) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_216340) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_19940) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_35768) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_215140) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_218260) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_204100) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_44877) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_201340) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_216820) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_40440) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_208300) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_43110) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_42881) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_206620) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_219460) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_216700) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_26144) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_209620) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_202540) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_31026) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_216940) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_208780) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_28140) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_residual_block_69_layer_call_and_return_conditional_losses_200881) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_217300) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_213940) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_24822) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_208060) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_22826) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_37338) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_23487) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_47547) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_35088) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_21491) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_29246) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_219820) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_40224) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_203980) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_39118) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_37783) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_24377) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_convolutional_block_71_layer_call_and_return_conditional_losses_75099) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_210580) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_202900) with ops with custom gradients. Will likely fail if a gradient is requested.
WARNING:absl:Importing a function (__inference_batchnorm_layer_call_and_return_conditional_losses_203260) with ops with custom gradients. Will likely fail if a gradient is requested.
Done! Took 179.16713190078735 seconds

Load label map data (for plotting)

Label maps correspond index numbers to category names, so that when our convolution network predicts 5, we know that this corresponds to airplane. Here we use internal utility functions, but anything that returns a dictionary mapping integers to appropriate string labels would be fine.

category_index = label_map_util.create_category_index_from_labelmap(PATH_TO_LABELS,
                                                                    use_display_name=True)

Putting everything together

The code shown below loads an image, runs it through the detection model and visualizes the detection results, including the keypoints.

Note that this will take a long time (several minutes) the first time you run this code due to tf.function’s trace-compilation — on subsequent runs (e.g. on new images), things will be faster.

Here are some simple things to try out if you are curious:

  • Modify some of the input images and see if detection still works. Some simple things to try out here (just uncomment the relevant portions of code) include flipping the image horizontally, or converting to grayscale (note that we still expect the input image to have 3 channels).

  • Print out detections[‘detection_boxes’] and try to match the box locations to the boxes in the image. Notice that coordinates are given in normalized form (i.e., in the interval [0, 1]).

  • Set min_score_thresh to other values (between 0 and 1) to allow more detections in or to filter out more detections.

import numpy as np
from PIL import Image
import matplotlib.pyplot as plt
import warnings
warnings.filterwarnings('ignore')   # Suppress Matplotlib warnings

def load_image_into_numpy_array(path):
    """Load an image from file into a numpy array.

    Puts image into numpy array to feed into tensorflow graph.
    Note that by convention we put it into a numpy array with shape
    (height, width, channels), where channels=3 for RGB.

    Args:
      path: the file path to the image

    Returns:
      uint8 numpy array with shape (img_height, img_width, 3)
    """
    return np.array(Image.open(path))


for image_path in IMAGE_PATHS:

    print('Running inference for {}... '.format(image_path), end='')

    image_np = load_image_into_numpy_array(image_path)

    # Things to try:
    # Flip horizontally
    # image_np = np.fliplr(image_np).copy()

    # Convert image to grayscale
    # image_np = np.tile(
    #     np.mean(image_np, 2, keepdims=True), (1, 1, 3)).astype(np.uint8)

    # The input needs to be a tensor, convert it using `tf.convert_to_tensor`.
    input_tensor = tf.convert_to_tensor(image_np)
    # The model expects a batch of images, so add an axis with `tf.newaxis`.
    input_tensor = input_tensor[tf.newaxis, ...]

    # input_tensor = np.expand_dims(image_np, 0)
    detections = detect_fn(input_tensor)

    # All outputs are batches tensors.
    # Convert to numpy arrays, and take index [0] to remove the batch dimension.
    # We're only interested in the first num_detections.
    num_detections = int(detections.pop('num_detections'))
    detections = {key: value[0, :num_detections].numpy()
                   for key, value in detections.items()}
    detections['num_detections'] = num_detections

    # detection_classes should be ints.
    detections['detection_classes'] = detections['detection_classes'].astype(np.int64)

    image_np_with_detections = image_np.copy()

    viz_utils.visualize_boxes_and_labels_on_image_array(
          image_np_with_detections,
          detections['detection_boxes'],
          detections['detection_classes'],
          detections['detection_scores'],
          category_index,
          use_normalized_coordinates=True,
          max_boxes_to_draw=200,
          min_score_thresh=.30,
          agnostic_mode=False)

    plt.figure()
    plt.imshow(image_np_with_detections)
    print('Done')
plt.show()

# sphinx_gallery_thumbnail_number = 2
  • plot object detection saved model
  • plot object detection saved model

Out:

Running inference for C:\Users\sglvladi\.keras\datasets\image1.jpg... Done
Running inference for C:\Users\sglvladi\.keras\datasets\image2.jpg... Done

Total running time of the script: ( 10 minutes 37.757 seconds)

Gallery generated by Sphinx-Gallery

Object Detection From TF2 Checkpoint

This demo will take you through the steps of running an “out-of-the-box” TensorFlow 2 compatible detection model on a collection of images. More specifically, in this example we will be using the Checkpoint Format to load the model.

Download the test images

First we will download the images that we will use throughout this tutorial. The code snippet shown bellow will download the test images from the TensorFlow Model Garden and save them inside the data/images folder.

import os
os.environ['TF_CPP_MIN_LOG_LEVEL'] = '2'    # Suppress TensorFlow logging (1)
import pathlib
import tensorflow as tf

tf.get_logger().setLevel('ERROR')           # Suppress TensorFlow logging (2)

# Enable GPU dynamic memory allocation
gpus = tf.config.experimental.list_physical_devices('GPU')
for gpu in gpus:
    tf.config.experimental.set_memory_growth(gpu, True)

def download_images():
    base_url = 'https://raw.githubusercontent.com/tensorflow/models/master/research/object_detection/test_images/'
    filenames = ['image1.jpg', 'image2.jpg']
    image_paths = []
    for filename in filenames:
        image_path = tf.keras.utils.get_file(fname=filename,
                                            origin=base_url + filename,
                                            untar=False)
        image_path = pathlib.Path(image_path)
        image_paths.append(str(image_path))
    return image_paths

IMAGE_PATHS = download_images()

Download the model

The code snippet shown below is used to download the pre-trained object detection model we shall use to perform inference. The particular detection algorithm we will use is the CenterNet HourGlass104 1024x1024. More models can be found in the TensorFlow 2 Detection Model Zoo. To use a different model you will need the URL name of the specific model. This can be done as follows:

  1. Right click on the Model name of the model you would like to use;

  2. Click on Copy link address to copy the download link of the model;

  3. Paste the link in a text editor of your choice. You should observe a link similar to download.tensorflow.org/models/object_detection/tf2/YYYYYYYY/XXXXXXXXX.tar.gz;

  4. Copy the XXXXXXXXX part of the link and use it to replace the value of the MODEL_NAME variable in the code shown below;

  5. Copy the YYYYYYYY part of the link and use it to replace the value of the MODEL_DATE variable in the code shown below.

For example, the download link for the model used below is: download.tensorflow.org/models/object_detection/tf2/20200711/centernet_hg104_1024x1024_coco17_tpu-32.tar.gz

# Download and extract model
def download_model(model_name, model_date):
    base_url = 'http://download.tensorflow.org/models/object_detection/tf2/'
    model_file = model_name + '.tar.gz'
    model_dir = tf.keras.utils.get_file(fname=model_name,
                                        origin=base_url + model_date + '/' + model_file,
                                        untar=True)
    return str(model_dir)

MODEL_DATE = '20200711'
MODEL_NAME = 'centernet_hg104_1024x1024_coco17_tpu-32'
PATH_TO_MODEL_DIR = download_model(MODEL_NAME, MODEL_DATE)

Download the labels

The coode snippet shown below is used to download the labels file (.pbtxt) which contains a list of strings used to add the correct label to each detection (e.g. person). Since the pre-trained model we will use has been trained on the COCO dataset, we will need to download the labels file corresponding to this dataset, named mscoco_label_map.pbtxt. A full list of the labels files included in the TensorFlow Models Garden can be found here.

# Download labels file
def download_labels(filename):
    base_url = 'https://raw.githubusercontent.com/tensorflow/models/master/research/object_detection/data/'
    label_dir = tf.keras.utils.get_file(fname=filename,
                                        origin=base_url + filename,
                                        untar=False)
    label_dir = pathlib.Path(label_dir)
    return str(label_dir)

LABEL_FILENAME = 'mscoco_label_map.pbtxt'
PATH_TO_LABELS = download_labels(LABEL_FILENAME)

Load the model

Next we load the downloaded model

import time
from object_detection.utils import label_map_util
from object_detection.utils import config_util
from object_detection.utils import visualization_utils as viz_utils
from object_detection.builders import model_builder

PATH_TO_CFG = PATH_TO_MODEL_DIR + "/pipeline.config"
PATH_TO_CKPT = PATH_TO_MODEL_DIR + "/checkpoint"

print('Loading model... ', end='')
start_time = time.time()

# Load pipeline config and build a detection model
configs = config_util.get_configs_from_pipeline_file(PATH_TO_CFG)
model_config = configs['model']
detection_model = model_builder.build(model_config=model_config, is_training=False)

# Restore checkpoint
ckpt = tf.compat.v2.train.Checkpoint(model=detection_model)
ckpt.restore(os.path.join(PATH_TO_CKPT, 'ckpt-0')).expect_partial()

@tf.function
def detect_fn(image):
    """Detect objects in image."""

    image, shapes = detection_model.preprocess(image)
    prediction_dict = detection_model.predict(image, shapes)
    detections = detection_model.postprocess(prediction_dict, shapes)

    return detections

end_time = time.time()
elapsed_time = end_time - start_time
print('Done! Took {} seconds'.format(elapsed_time))

Out:

Loading model... Done! Took 0.506481409072876 seconds

Load label map data (for plotting)

Label maps correspond index numbers to category names, so that when our convolution network predicts 5, we know that this corresponds to airplane. Here we use internal utility functions, but anything that returns a dictionary mapping integers to appropriate string labels would be fine.

category_index = label_map_util.create_category_index_from_labelmap(PATH_TO_LABELS,
                                                                    use_display_name=True)

Putting everything together

The code shown below loads an image, runs it through the detection model and visualizes the detection results, including the keypoints.

Note that this will take a long time (several minutes) the first time you run this code due to tf.function’s trace-compilation — on subsequent runs (e.g. on new images), things will be faster.

Here are some simple things to try out if you are curious:

  • Modify some of the input images and see if detection still works. Some simple things to try out here (just uncomment the relevant portions of code) include flipping the image horizontally, or converting to grayscale (note that we still expect the input image to have 3 channels).

  • Print out detections[‘detection_boxes’] and try to match the box locations to the boxes in the image. Notice that coordinates are given in normalized form (i.e., in the interval [0, 1]).

  • Set min_score_thresh to other values (between 0 and 1) to allow more detections in or to filter out more detections.

import numpy as np
from PIL import Image
import matplotlib.pyplot as plt
import warnings
warnings.filterwarnings('ignore')   # Suppress Matplotlib warnings

def load_image_into_numpy_array(path):
    """Load an image from file into a numpy array.

    Puts image into numpy array to feed into tensorflow graph.
    Note that by convention we put it into a numpy array with shape
    (height, width, channels), where channels=3 for RGB.

    Args:
      path: the file path to the image

    Returns:
      uint8 numpy array with shape (img_height, img_width, 3)
    """
    return np.array(Image.open(path))


for image_path in IMAGE_PATHS:

    print('Running inference for {}... '.format(image_path), end='')

    image_np = load_image_into_numpy_array(image_path)

    # Things to try:
    # Flip horizontally
    # image_np = np.fliplr(image_np).copy()

    # Convert image to grayscale
    # image_np = np.tile(
    #     np.mean(image_np, 2, keepdims=True), (1, 1, 3)).astype(np.uint8)

    input_tensor = tf.convert_to_tensor(np.expand_dims(image_np, 0), dtype=tf.float32)

    detections = detect_fn(input_tensor)

    # All outputs are batches tensors.
    # Convert to numpy arrays, and take index [0] to remove the batch dimension.
    # We're only interested in the first num_detections.
    num_detections = int(detections.pop('num_detections'))
    detections = {key: value[0, :num_detections].numpy()
                  for key, value in detections.items()}
    detections['num_detections'] = num_detections

    # detection_classes should be ints.
    detections['detection_classes'] = detections['detection_classes'].astype(np.int64)

    label_id_offset = 1
    image_np_with_detections = image_np.copy()

    viz_utils.visualize_boxes_and_labels_on_image_array(
            image_np_with_detections,
            detections['detection_boxes'],
            detections['detection_classes']+label_id_offset,
            detections['detection_scores'],
            category_index,
            use_normalized_coordinates=True,
            max_boxes_to_draw=200,
            min_score_thresh=.30,
            agnostic_mode=False)

    plt.figure()
    plt.imshow(image_np_with_detections)
    print('Done')
plt.show()

# sphinx_gallery_thumbnail_number = 2
  • plot object detection checkpoint
  • plot object detection checkpoint

Out:

Running inference for C:\Users\sglvladi\.keras\datasets\image1.jpg... Done
Running inference for C:\Users\sglvladi\.keras\datasets\image2.jpg... Done

Total running time of the script: ( 0 minutes 20.819 seconds)

Gallery generated by Sphinx-Gallery

Gallery generated by Sphinx-Gallery

Common issues

Below is a list of common issues encountered while using TensorFlow for objects detection.

Python crashes - TensorFlow GPU

If you are using GPU Support (Optional) and when you try to run some Python object detection script (e.g. Test your Installation), after a few seconds, Windows reports that Python has crashed then have a look at the Anaconda/Command Prompt window you used to run the script and check for a line similar (maybe identical) to the one below:

2018-03-22 03:07:54.623130: E C:\tf_jenkins\workspace\rel-win\M\windows-gpu\PY\36\tensorflow\stream_executor\cuda\cuda_dnn.cc:378] Loaded runtime CuDNN library: 7101 (compatibility version 7100) but source was compiled with 7003 (compatibility version 7000).  If using a binary install, upgrade your CuDNN library to match.  If building from sources, make sure the library loaded at runtime matches a compatible version specified during compile configuration.

If the above line is present in the printed debugging, it means that you have not installed the correct version of the cuDNN libraries. In this case make sure you re-do the Install CUDNN step, making sure you instal cuDNN v7.0.5.

Cleaning up Nvidia containers (TensorFlow GPU)

Sometimes, when terminating a TensorFlow training process, the Nvidia containers associated to the process are not cleanly terminated. This can lead to bogus errors when we try to run a new TensorFlow process.

Some known issues caused by the above are presented below:

  • Failure to restart training of a model. Look for the following errors in the debugging:

    2018-03-23 03:03:10.326902: E C:\tf_jenkins\workspace\rel-win\M\windows-gpu\PY\36\tensorflow\stream_executor\cuda\cuda_dnn.cc:385] could not create cudnn handle: CUDNN_STATUS_ALLOC_FAILED
    2018-03-23 03:03:10.330475: E C:\tf_jenkins\workspace\rel-win\M\windows-gpu\PY\36\tensorflow\stream_executor\cuda\cuda_dnn.cc:352] could not destroy cudnn handle: CUDNN_STATUS_BAD_PARAM
    2018-03-23 03:03:10.333797: W C:\tf_jenkins\workspace\rel-win\M\windows-gpu\PY\36\tensorflow/stream_executor/stream.h:1983] attempting to perform DNN operation using StreamExecutor without DNN support
    2018-03-23 03:03:10.333807: I C:\tf_jenkins\workspace\rel-win\M\windows-gpu\PY\36\tensorflow\stream_executor\stream.cc:1851] stream 00000216F05CB660 did not wait for stream: 00000216F05CA6E0
    2018-03-23 03:03:10.340765: I C:\tf_jenkins\workspace\rel-win\M\windows-gpu\PY\36\tensorflow\stream_executor\stream.cc:4637] stream 00000216F05CB660 did not memcpy host-to-device; source: 000000020DB37B00
    2018-03-23 03:03:10.343752: F C:\tf_jenkins\workspace\rel-win\M\windows-gpu\PY\36\tensorflow\core\common_runtime\gpu\gpu_util.cc:343] CPU->GPU Memcpy failed
    

To solve such issues in Windows, open a Task Manager windows, look for Tasks with name NVIDIA Container and kill them by selecting them and clicking the End Task button at the bottom left corner of the window.

If the issue persists, then you’re probably running out of memory. Try closing down anything else that might be eating up your GPU memory (e.g. Youtube videos, webpages etc.)

“WARNING:tensorflow:Entity <bound method X of <Y>> could not be transformed …”

In some versions of Tensorflow, you may see errors that look similar to the ones below:

...
WARNING:tensorflow:Entity <bound method Conv.call of <tensorflow.python.layers.convolutional.Conv2D object at 0x000001E92103EDD8>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Conv.call of <tensorflow.python.layers.convolutional.Conv2D object at 0x000001E92103EDD8>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method BatchNormalization.call of <tensorflow.python.layers.normalization.BatchNormalization object at 0x000001E9225EBA90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method BatchNormalization.call of <tensorflow.python.layers.normalization.BatchNormalization object at 0x000001E9225EBA90>>: AssertionError: Bad argument number for Name: 3, expecting 4
...

These warnings appear to be harmless form my experience, however they can saturate the console with unnecessary messages, which makes it hard to scroll through the output of the training/evaluation process.

As reported here, this issue seems to be caused by a mismatched version of gast. Simply downgrading gast to version 0.2.2 seems to remove the warnings. This can be done by running:

pip install gast==0.2.2

“AttributeError: module ‘google.protobuf.descriptor’ has no attribute ‘_internal_create_key”

It is possible that when executing from object_detection.utils import label_map_util you may get the above error. As per the discussion is in this Stack Overflow thread, upgrading the Python protobuf version seems to solve this issue:

pip install --upgrade protobuf

“TypeError: Expected Operation, Variable, or Tensor, got level_5”

When trying to export oyu trained model using the exporter_main_v2.py script, you may come across an error that looks like this:

 1Traceback (most recent call last):
 2  File ".\exporter_main_v2.py", line 126, in <module>
 3    app.run(main)
 4  File "C:\Users\sglvladi\Anaconda3\envs\tf2\lib\site-packages\absl\app.py", line 299, in run
 5    _run_main(main, args)
 6  ...
 7  File "C:\Users\sglvladi\Anaconda3\envs\tf2\lib\site-packages\tensorflow\python\keras\engine\base_layer.py", line 1627, in get_losses_for
 8    reachable = tf_utils.get_reachable_from_inputs(inputs, losses)
 9  File "C:\Users\sglvladi\Anaconda3\envs\tf2\lib\site-packages\tensorflow\python\keras\utils\tf_utils.py", line 140, in get_reachable_from_inputs
10    raise TypeError('Expected Operation, Variable, or Tensor, got ' + str(x))
11TypeError: Expected Operation, Variable, or Tensor, got level_5

This error seems to come from TensorFlow itself and a discussion on the issue can be found here. As discussed there, a fix to the above issue can be achieved by opening the tf_utils.py file and adding a line of code. Below is a summary of how this can be done:

  • Look at the line that corresponds to line 9 (highlighted) in the above error print out.

  • Copy the path to the tf_utils.py file; in my case this was C:\Users\sglvladi\Anaconda3\envs\tf2\lib\site-packages\tensorflow\python\keras\utils\tf_utils.py

  • Open the file and replace line 140 of the file as follows:

    • Change:

      raise TypeError('Expected Operation, Variable, or Tensor, got ' + str(x))
      

      to:

      if not isinstance(x, str):
          raise TypeError('Expected Operation, Variable, or Tensor, got ' + str(x))
      

At the time of writting this tutorial, a fix to the issue had not been implemented in the version of TensorFlow installed using pip. It is possible that this will get incorporated at some later point.