Skip to content

Instantly share code, notes, and snippets.

@tictaqqn
Created September 17, 2021 15:00
Show Gist options
  • Save tictaqqn/d8297befc4e02bba3b21b473ae92e58f to your computer and use it in GitHub Desktop.
Save tictaqqn/d8297befc4e02bba3b21b473ae92e58f to your computer and use it in GitHub Desktop.
pggan_for_public.ipynb
Display the source blob
Display the rendered blob
Raw
{
"nbformat": 4,
"nbformat_minor": 0,
"metadata": {
"colab": {
"name": "pggan_for_public.ipynb",
"provenance": [],
"collapsed_sections": [],
"include_colab_link": true
},
"kernelspec": {
"name": "python3",
"display_name": "Python 3"
},
"accelerator": "GPU"
},
"cells": [
{
"cell_type": "markdown",
"metadata": {
"id": "view-in-github",
"colab_type": "text"
},
"source": [
"<a href=\"https://colab.research.google.com/gist/bababax11/d8297befc4e02bba3b21b473ae92e58f/pggan_for_public.ipynb\" target=\"_parent\"><img src=\"https://colab.research.google.com/assets/colab-badge.svg\" alt=\"Open In Colab\"/></a>"
]
},
{
"cell_type": "code",
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/"
},
"id": "rvbPMRIbXmro",
"outputId": "73490cbe-2354-477d-b076-3e9aba59042a"
},
"source": [
"!git clone https://github.com/odegeasslbc/Progressive-GAN-pytorch"
],
"execution_count": null,
"outputs": [
{
"output_type": "stream",
"text": [
"Cloning into 'Progressive-GAN-pytorch'...\n",
"remote: Enumerating objects: 22, done.\u001b[K\n",
"remote: Total 22 (delta 0), reused 0 (delta 0), pack-reused 22\u001b[K\n",
"Unpacking objects: 100% (22/22), done.\n"
],
"name": "stdout"
}
]
},
{
"cell_type": "code",
"metadata": {
"id": "0343ARBeY5MU"
},
"source": [
"!cp /content/Progressive-GAN-pytorch/* ./"
],
"execution_count": null,
"outputs": []
},
{
"cell_type": "markdown",
"metadata": {
"id": "gL9fGWe7Svql"
},
"source": [
"ここらへんでドライブをマウントしておきましょう"
]
},
{
"cell_type": "code",
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/",
"height": 650
},
"id": "-HWGZKDTMbY_",
"outputId": "aa77e9b4-91d4-4858-e175-555a402f5ccf"
},
"source": [
"# バージョン合わせ\n",
"!pip install torch==1.1.0\n",
"!pip install torchvision==0.3.0\n",
"!pip install Pillow==5.4.1"
],
"execution_count": null,
"outputs": [
{
"output_type": "stream",
"text": [
"Collecting torch==1.1.0\n",
"\u001b[?25l Downloading https://files.pythonhosted.org/packages/69/60/f685fb2cfb3088736bafbc9bdbb455327bdc8906b606da9c9a81bae1c81e/torch-1.1.0-cp36-cp36m-manylinux1_x86_64.whl (676.9MB)\n",
"\u001b[K |████████████████████████████████| 676.9MB 26kB/s \n",
"\u001b[?25hRequirement already satisfied: numpy in /usr/local/lib/python3.6/dist-packages (from torch==1.1.0) (1.19.4)\n",
"\u001b[31mERROR: torchvision 0.8.1+cu101 has requirement torch==1.7.0, but you'll have torch 1.1.0 which is incompatible.\u001b[0m\n",
"Installing collected packages: torch\n",
" Found existing installation: torch 1.7.0+cu101\n",
" Uninstalling torch-1.7.0+cu101:\n",
" Successfully uninstalled torch-1.7.0+cu101\n",
"Successfully installed torch-1.1.0\n",
"Collecting torchvision==0.3.0\n",
"\u001b[?25l Downloading https://files.pythonhosted.org/packages/2e/45/0f2f3062c92d9cf1d5d7eabd3cae88cea9affbd2b17fb1c043627838cb0a/torchvision-0.3.0-cp36-cp36m-manylinux1_x86_64.whl (2.6MB)\n",
"\u001b[K |████████████████████████████████| 2.6MB 7.6MB/s \n",
"\u001b[?25hRequirement already satisfied: pillow>=4.1.1 in /usr/local/lib/python3.6/dist-packages (from torchvision==0.3.0) (7.0.0)\n",
"Requirement already satisfied: six in /usr/local/lib/python3.6/dist-packages (from torchvision==0.3.0) (1.15.0)\n",
"Requirement already satisfied: torch>=1.1.0 in /usr/local/lib/python3.6/dist-packages (from torchvision==0.3.0) (1.1.0)\n",
"Requirement already satisfied: numpy in /usr/local/lib/python3.6/dist-packages (from torchvision==0.3.0) (1.19.4)\n",
"Installing collected packages: torchvision\n",
" Found existing installation: torchvision 0.8.1+cu101\n",
" Uninstalling torchvision-0.8.1+cu101:\n",
" Successfully uninstalled torchvision-0.8.1+cu101\n",
"Successfully installed torchvision-0.3.0\n",
"Collecting Pillow==5.4.1\n",
"\u001b[?25l Downloading https://files.pythonhosted.org/packages/85/5e/e91792f198bbc5a0d7d3055ad552bc4062942d27eaf75c3e2783cf64eae5/Pillow-5.4.1-cp36-cp36m-manylinux1_x86_64.whl (2.0MB)\n",
"\u001b[K |████████████████████████████████| 2.0MB 7.8MB/s \n",
"\u001b[31mERROR: albumentations 0.1.12 has requirement imgaug<0.2.7,>=0.2.5, but you'll have imgaug 0.2.9 which is incompatible.\u001b[0m\n",
"\u001b[?25hInstalling collected packages: Pillow\n",
" Found existing installation: Pillow 7.0.0\n",
" Uninstalling Pillow-7.0.0:\n",
" Successfully uninstalled Pillow-7.0.0\n",
"Successfully installed Pillow-5.4.1\n"
],
"name": "stdout"
},
{
"output_type": "display_data",
"data": {
"application/vnd.colab-display-data+json": {
"pip_warning": {
"packages": [
"PIL"
]
}
}
},
"metadata": {
"tags": []
}
}
]
},
{
"cell_type": "code",
"metadata": {
"id": "nKaI7fDFLbZH"
},
"source": [
"# 途中からやるときはファイルパスを書き換えます(そのくらいargsで制御するように改造してもよかった)\n",
"\n",
"# L = r\"\"\"\n",
"# from tqdm import tqdm\n",
"# import numpy as np\n",
"# from PIL import Image\n",
"# import argparse\n",
"# import random\n",
"\n",
"# import torch\n",
"# import torch.nn.functional as F\n",
"# from torch import nn, optim\n",
"# from torch.autograd import Variable, grad\n",
"# from torch.utils.data import DataLoader\n",
"# from torchvision import datasets, transforms, utils\n",
"\n",
"# from progan_modules import Generator, Discriminator\n",
"\n",
"# def accumulate(model1, model2, decay=0.999):\n",
"# par1 = dict(model1.named_parameters())\n",
"# par2 = dict(model2.named_parameters())\n",
"\n",
"# for k in par1.keys():\n",
"# par1[k].data.mul_(decay).add_(1 - decay, par2[k].data)\n",
"\n",
"\n",
"# def imagefolder_loader(path):\n",
"# def loader(transform):\n",
"# data = datasets.ImageFolder(path, transform=transform)\n",
"# data_loader = DataLoader(data, shuffle=True, batch_size=batch_size,\n",
"# num_workers=4)\n",
"# return data_loader\n",
"# return loader\n",
"\n",
"\n",
"# def sample_data(dataloader, image_size=4):\n",
"# transform = transforms.Compose([\n",
"# transforms.Resize(image_size+int(image_size*0.2)+1),\n",
"# transforms.RandomCrop(image_size),\n",
"# transforms.RandomHorizontalFlip(),\n",
"# transforms.ToTensor(),\n",
"# transforms.Normalize((0.5, 0.5, 0.5), (0.5, 0.5, 0.5))\n",
"# ])\n",
"\n",
"# loader = dataloader(transform)\n",
"\n",
"# return loader\n",
"\n",
"\n",
"# def train(generator, discriminator, init_step, loader, total_iter=600000):\n",
"# step = init_step # can be 1 = 8, 2 = 16, 3 = 32, 4 = 64, 5 = 128, 6 = 128\n",
"# data_loader = sample_data(loader, 4 * 2 ** step)\n",
"# dataset = iter(data_loader)\n",
"\n",
"# #total_iter = 600000\n",
"# total_iter_remain = total_iter - (total_iter//6)*(step-1)\n",
"\n",
"# pbar = tqdm(range(total_iter_remain))\n",
"\n",
"# disc_loss_val = 0\n",
"# gen_loss_val = 0\n",
"# grad_loss_val = 0\n",
"\n",
"# from datetime import datetime\n",
"# import os\n",
"# date_time = datetime.now()\n",
"# post_fix = '%s_%s_%d_%d.txt'%(trial_name, date_time.date(), date_time.hour, date_time.minute)\n",
"# log_folder = 'trial_%s_%s_%d_%d'%(trial_name, date_time.date(), date_time.hour, date_time.minute)\n",
" \n",
"# os.mkdir(log_folder)\n",
"# os.mkdir(log_folder+'/checkpoint')\n",
"# os.mkdir(log_folder+'/sample')\n",
"\n",
"# config_file_name = os.path.join(log_folder, 'train_config_'+post_fix)\n",
"# config_file = open(config_file_name, 'w')\n",
"# config_file.write(str(args))\n",
"# config_file.close()\n",
"\n",
"# log_file_name = os.path.join(log_folder, 'train_log_'+post_fix)\n",
"# log_file = open(log_file_name, 'w')\n",
"# log_file.write('g,d,nll,onehot\\n')\n",
"# log_file.close()\n",
"\n",
"# from shutil import copy\n",
"# copy('train.py', log_folder+'/train_%s.py'%post_fix)\n",
"# copy('progan_modules.py', log_folder+'/model_%s.py'%post_fix)\n",
"\n",
"# alpha = 0\n",
"# one = torch.FloatTensor([1]).to(device)\n",
"# mone = one * -1\n",
"# iteration = 0\n",
"\n",
"# for i in pbar:\n",
"# discriminator.zero_grad()\n",
"\n",
"# alpha = min(1, (2/(total_iter//6)) * iteration)\n",
"\n",
"# if iteration > total_iter//6:\n",
"# alpha = 0\n",
"# iteration = 0\n",
"# step += 1\n",
"\n",
"# if step > 6:\n",
"# alpha = 1\n",
"# step = 6\n",
"# data_loader = sample_data(loader, 4 * 2 ** step)\n",
"# dataset = iter(data_loader)\n",
"\n",
"# try:\n",
"# real_image, label = next(dataset)\n",
"\n",
"# except (OSError, StopIteration):\n",
"# dataset = iter(data_loader)\n",
"# real_image, label = next(dataset)\n",
"\n",
"# iteration += 1\n",
"\n",
"# ### 1. train Discriminator\n",
"# b_size = real_image.size(0)\n",
"# real_image = real_image.to(device)\n",
"# label = label.to(device)\n",
"# real_predict = discriminator(\n",
"# real_image, step=step, alpha=alpha)\n",
"# real_predict = real_predict.mean() \\\n",
"# - 0.001 * (real_predict ** 2).mean()\n",
"# real_predict.backward(mone)\n",
"\n",
"# # sample input data: vector for Generator\n",
"# gen_z = torch.randn(b_size, input_code_size).to(device)\n",
"\n",
"# fake_image = generator(gen_z, step=step, alpha=alpha)\n",
"# fake_predict = discriminator(\n",
"# fake_image.detach(), step=step, alpha=alpha)\n",
"# fake_predict = fake_predict.mean()\n",
"# fake_predict.backward(one)\n",
"\n",
"# ### gradient penalty for D\n",
"# eps = torch.rand(b_size, 1, 1, 1).to(device)\n",
"# x_hat = eps * real_image.data + (1 - eps) * fake_image.detach().data\n",
"# x_hat.requires_grad = True\n",
"# hat_predict = discriminator(x_hat, step=step, alpha=alpha)\n",
"# grad_x_hat = grad(\n",
"# outputs=hat_predict.sum(), inputs=x_hat, create_graph=True)[0]\n",
"# grad_penalty = ((grad_x_hat.view(grad_x_hat.size(0), -1)\n",
"# .norm(2, dim=1) - 1)**2).mean()\n",
"# grad_penalty = 10 * grad_penalty\n",
"# grad_penalty.backward()\n",
"# grad_loss_val += grad_penalty.item()\n",
"# disc_loss_val += (real_predict - fake_predict).item()\n",
"\n",
"# d_optimizer.step()\n",
"\n",
"# ### 2. train Generator\n",
"# if (i + 1) % n_critic == 0:\n",
"# generator.zero_grad()\n",
"# discriminator.zero_grad()\n",
" \n",
"# predict = discriminator(fake_image, step=step, alpha=alpha)\n",
"\n",
"# loss = -predict.mean()\n",
"# gen_loss_val += loss.item()\n",
"\n",
"\n",
"# loss.backward()\n",
"# g_optimizer.step()\n",
"# accumulate(g_running, generator)\n",
"\n",
"# if (i + 1) % 1000 == 0 or i==0:\n",
"# with torch.no_grad():\n",
"# images = g_running(torch.randn(5 * 10, input_code_size).to(device), step=step, alpha=alpha).data.cpu()\n",
"\n",
"# utils.save_image(\n",
"# images,\n",
"# f'{log_folder}/sample/{str(i + 1).zfill(6)}.png',\n",
"# nrow=10,\n",
"# normalize=True,\n",
"# range=(-1, 1))\n",
" \n",
"# if (i+1) % 10000 == 0 or i==0:\n",
"# try:\n",
"# torch.save(g_running.state_dict(), f'{log_folder}/checkpoint/{str(i + 1).zfill(6)}_g.model')\n",
"# torch.save(discriminator.state_dict(), f'{log_folder}/checkpoint/{str(i + 1).zfill(6)}_d.model')\n",
"# except:\n",
"# pass\n",
"\n",
"# if (i+1)%500 == 0:\n",
"# state_msg = (f'{i + 1}; G: {gen_loss_val/(500//n_critic):.3f}; D: {disc_loss_val/500:.3f};'\n",
"# f' Grad: {grad_loss_val/500:.3f}; Alpha: {alpha:.3f}')\n",
" \n",
"# log_file = open(log_file_name, 'a+')\n",
"# new_line = \"%.5f,%.5f\\n\"%(gen_loss_val/(500//n_critic), disc_loss_val/500)\n",
"# log_file.write(new_line)\n",
"# log_file.close()\n",
"\n",
"# disc_loss_val = 0\n",
"# gen_loss_val = 0\n",
"# grad_loss_val = 0\n",
"\n",
"# print(state_msg)\n",
"# #pbar.set_description(state_msg)\n",
"\n",
"\n",
"# if __name__ == '__main__':\n",
"\n",
"# parser = argparse.ArgumentParser(description='Progressive GAN, during training, the model will learn to generate images from a low resolution, then progressively getting high resolution ')\n",
"\n",
"# parser.add_argument('--path', type=str, help='path of specified dataset, should be a folder that has one or many sub image folders inside')\n",
"# parser.add_argument('--trial_name', type=str, default=\"test1\", help='a brief description of the training trial')\n",
"# parser.add_argument('--gpu_id', type=int, default=0, help='0 is the first gpu, 1 is the second gpu, etc.')\n",
"# parser.add_argument('--lr', type=float, default=0.001, help='learning rate, default is 1e-3, usually dont need to change it, you can try make it bigger, such as 2e-3')\n",
"# parser.add_argument('--z_dim', type=int, default=128, help='the initial latent vector\\'s dimension, can be smaller such as 64, if the dataset is not diverse')\n",
"# parser.add_argument('--channel', type=int, default=128, help='determines how big the model is, smaller value means faster training, but less capacity of the model')\n",
"# parser.add_argument('--batch_size', type=int, default=4, help='how many images to train together at one iteration')\n",
"# parser.add_argument('--n_critic', type=int, default=1, help='train Dhow many times while train G 1 time')\n",
"# parser.add_argument('--init_step', type=int, default=1, help='start from what resolution, 1 means 8x8 resolution, 2 means 16x16 resolution, ..., 6 means 256x256 resolution')\n",
"# parser.add_argument('--total_iter', type=int, default=300000, help='how many iterations to train in total, the value is in assumption that init step is 1')\n",
"# parser.add_argument('--pixel_norm', default=False, action=\"store_true\", help='a normalization method inside the model, you can try use it or not depends on the dataset')\n",
"# parser.add_argument('--tanh', default=False, action=\"store_true\", help='an output non-linearity on the output of Generator, you can try use it or not depends on the dataset')\n",
" \n",
"# args = parser.parse_args()\n",
"\n",
"# print(str(args))\n",
"\n",
"# trial_name = args.trial_name\n",
"# device = torch.device(\"cuda:%d\"%(args.gpu_id))\n",
"# input_code_size = args.z_dim\n",
"# batch_size = args.batch_size\n",
"# n_critic = args.n_critic\n",
"\n",
"# generator = Generator(in_channel=args.channel, input_code_dim=input_code_size, pixel_norm=args.pixel_norm, tanh=args.tanh).to(device)\n",
"# discriminator = Discriminator(feat_dim=args.channel).to(device)\n",
"# g_running = Generator(in_channel=args.channel, input_code_dim=input_code_size, pixel_norm=args.pixel_norm, tanh=args.tanh).to(device)\n",
" \n",
"# ## you can directly load a pretrained model here\n",
"# generator.load_state_dict(torch.load('/content/drive/MyDrive/150000_g.model')) ## TODO: ここを書き換える\n",
"# g_running.load_state_dict(torch.load('/content/drive/MyDrive/150000_g.model')) ## TODO: ここを書き換える\n",
"# discriminator.load_state_dict(torch.load('/content/drive/MyDrive/150000_d.model')) ## TODO: ここを書き換える\n",
" \n",
"# g_running.train(False)\n",
"\n",
"# g_optimizer = optim.Adam(generator.parameters(), lr=args.lr, betas=(0.0, 0.99))\n",
"# d_optimizer = optim.Adam(discriminator.parameters(), lr=args.lr, betas=(0.0, 0.99))\n",
"\n",
"# accumulate(g_running, generator, 0)\n",
"\n",
"# loader = imagefolder_loader(args.path)\n",
"\n",
"# train(generator, discriminator, args.init_step, loader, args.total_iter)\n",
"# \"\"\"\n",
"# with open('train.py', 'w') as f:\n",
"# f.write(L)"
],
"execution_count": null,
"outputs": []
},
{
"cell_type": "code",
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/"
},
"id": "zHOCFZzuZntO",
"outputId": "2b81d75a-41cc-41ae-a179-1c0fccbeb869"
},
"source": [
"!python train.py -h"
],
"execution_count": null,
"outputs": [
{
"output_type": "stream",
"text": [
"usage: train.py [-h] [--path PATH] [--trial_name TRIAL_NAME] [--gpu_id GPU_ID]\n",
" [--lr LR] [--z_dim Z_DIM] [--channel CHANNEL]\n",
" [--batch_size BATCH_SIZE] [--n_critic N_CRITIC]\n",
" [--init_step INIT_STEP] [--total_iter TOTAL_ITER]\n",
" [--pixel_norm] [--tanh]\n",
"\n",
"Progressive GAN, during training, the model will learn to generate images from\n",
"a low resolution, then progressively getting high resolution\n",
"\n",
"optional arguments:\n",
" -h, --help show this help message and exit\n",
" --path PATH path of specified dataset, should be a folder that has\n",
" one or many sub image folders inside\n",
" --trial_name TRIAL_NAME\n",
" a brief description of the training trial\n",
" --gpu_id GPU_ID 0 is the first gpu, 1 is the second gpu, etc.\n",
" --lr LR learning rate, default is 1e-3, usually dont need to\n",
" change it, you can try make it bigger, such as 2e-3\n",
" --z_dim Z_DIM the initial latent vector's dimension, can be smaller\n",
" such as 64, if the dataset is not diverse\n",
" --channel CHANNEL determines how big the model is, smaller value means\n",
" faster training, but less capacity of the model\n",
" --batch_size BATCH_SIZE\n",
" how many images to train together at one iteration\n",
" --n_critic N_CRITIC train Dhow many times while train G 1 time\n",
" --init_step INIT_STEP\n",
" start from what resolution, 1 means 8x8 resolution, 2\n",
" means 16x16 resolution, ..., 6 means 256x256\n",
" resolution\n",
" --total_iter TOTAL_ITER\n",
" how many iterations to train in total, the value is in\n",
" assumption that init step is 1\n",
" --pixel_norm a normalization method inside the model, you can try\n",
" use it or not depends on the dataset\n",
" --tanh an output non-linearity on the output of Generator,\n",
" you can try use it or not depends on the dataset\n"
],
"name": "stdout"
}
]
},
{
"cell_type": "code",
"metadata": {
"colab": {
"base_uri": "https://localhost:8080/"
},
"id": "Sqx-CtIoZLhW",
"outputId": "9a2fba46-b058-42bf-afe4-c11be2ad31a9"
},
"source": [
"!python train.py --path /content/drive/MyDrive/pikachu/ --init_step 1 --total_iter 300000 # これがデフォルトパラメータです。pathを適宜入れ替えてください"
],
"execution_count": null,
"outputs": [
{
"output_type": "stream",
"text": [
"Namespace(batch_size=4, channel=128, gpu_id=0, init_step=6, lr=0.001, n_critic=1, path='/content/drive/MyDrive/pikachu/', pixel_norm=False, tanh=False, total_iter=300000, trial_name='test1', z_dim=128)\n",
" 0% 0/50000 [00:00<?, ?it/s]THCudaCheck FAIL file=/pytorch/aten/src/THC/THCGeneral.cpp line=383 error=11 : invalid argument\n",
" 0% 29/50000 [00:14<5:46:00, 2.41it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 0% 94/50000 [00:42<5:50:20, 2.37it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 0% 169/50000 [01:14<6:00:22, 2.30it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 0% 218/50000 [01:36<5:56:50, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 1% 280/50000 [02:03<5:54:00, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 1% 303/50000 [02:13<6:40:00, 2.07it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 1% 408/50000 [02:59<5:59:51, 2.30it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 1% 455/50000 [03:20<5:55:37, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 1% 480/50000 [03:30<5:55:31, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 1% 499/50000 [03:39<5:56:35, 2.31it/s]500; G: 58.822; D: 52.796; Grad: 6.315; Alpha: 0.020\n",
" 1% 580/50000 [04:15<5:58:41, 2.30it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 1% 642/50000 [04:42<5:56:45, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 1% 700/50000 [05:08<5:59:02, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 1% 746/50000 [05:28<5:59:54, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 2% 824/50000 [06:03<5:58:24, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 2% 885/50000 [06:30<5:58:27, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 2% 946/50000 [06:57<5:58:27, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 2% 984/50000 [07:14<5:56:28, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 2% 999/50000 [07:21<5:59:07, 2.27it/s]1000; G: 59.762; D: 52.640; Grad: 7.218; Alpha: 0.040\n",
" 2% 1052/50000 [07:46<5:55:51, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 2% 1095/50000 [08:05<5:56:42, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 2% 1144/50000 [08:27<6:43:05, 2.02it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 2% 1235/50000 [09:08<5:57:28, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 3% 1305/50000 [09:39<5:55:24, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 3% 1327/50000 [09:49<6:08:50, 2.20it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 3% 1403/50000 [10:23<5:53:58, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 3% 1482/50000 [10:58<5:57:07, 2.26it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 3% 1499/50000 [11:05<5:53:37, 2.29it/s]1500; G: 73.644; D: 68.497; Grad: 8.875; Alpha: 0.060\n",
" 3% 1544/50000 [11:25<5:53:25, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 3% 1568/50000 [11:37<6:06:51, 2.20it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 3% 1627/50000 [12:03<6:10:50, 2.17it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 3% 1681/50000 [12:27<8:04:37, 1.66it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 4% 1775/50000 [13:09<5:52:28, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 4% 1806/50000 [13:23<6:10:12, 2.17it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 4% 1882/50000 [13:57<5:50:28, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 4% 1969/50000 [14:35<5:50:16, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 4% 1999/50000 [14:49<5:50:16, 2.28it/s]2000; G: 73.961; D: 67.568; Grad: 9.202; Alpha: 0.080\n",
" 4% 2017/50000 [14:58<5:50:08, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 4% 2041/50000 [15:09<7:39:51, 1.74it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 4% 2118/50000 [15:43<5:47:43, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 4% 2173/50000 [16:08<5:52:09, 2.26it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 4% 2243/50000 [16:39<5:48:59, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 5% 2280/50000 [16:55<5:47:11, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 5% 2380/50000 [17:41<5:46:59, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 5% 2417/50000 [17:57<5:47:56, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 5% 2471/50000 [18:22<5:51:24, 2.25it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 5% 2499/50000 [18:34<5:47:26, 2.28it/s]2500; G: 80.353; D: 71.683; Grad: 9.771; Alpha: 0.100\n",
" 5% 2520/50000 [18:43<5:46:04, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 5% 2617/50000 [19:26<5:45:39, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 5% 2689/50000 [19:58<5:47:14, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 5% 2721/50000 [20:13<5:45:01, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 6% 2810/50000 [20:53<5:43:44, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 6% 2834/50000 [21:04<5:45:19, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 6% 2900/50000 [21:33<5:42:45, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 6% 2985/50000 [22:11<5:41:27, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 6% 2999/50000 [22:17<5:42:51, 2.28it/s]3000; G: 78.389; D: 72.796; Grad: 11.325; Alpha: 0.120\n",
" 6% 3034/50000 [22:34<5:41:59, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 6% 3060/50000 [22:45<5:41:49, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 6% 3120/50000 [23:12<5:41:23, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 6% 3203/50000 [23:50<5:44:17, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 7% 3286/50000 [24:27<5:40:26, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 7% 3333/50000 [24:48<5:39:47, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 7% 3368/50000 [25:04<5:50:58, 2.21it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 7% 3466/50000 [25:48<5:39:03, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 7% 3495/50000 [26:01<5:39:02, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 7% 3499/50000 [26:03<5:39:23, 2.28it/s]3500; G: 85.520; D: 70.977; Grad: 10.600; Alpha: 0.140\n",
" 7% 3565/50000 [26:32<5:38:34, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 7% 3616/50000 [26:55<5:40:10, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 7% 3686/50000 [27:26<5:40:21, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 7% 3746/50000 [27:52<5:36:12, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 8% 3812/50000 [28:22<5:38:38, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 8% 3884/50000 [28:54<5:36:02, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 8% 3950/50000 [29:23<5:35:44, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 8% 3965/50000 [29:30<5:58:25, 2.14it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 8% 3999/50000 [29:45<5:39:36, 2.26it/s]4000; G: 86.136; D: 79.474; Grad: 12.171; Alpha: 0.160\n",
" 8% 4069/50000 [30:18<5:33:23, 2.30it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 8% 4111/50000 [30:37<5:35:01, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 8% 4170/50000 [31:03<5:33:29, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 8% 4213/50000 [31:22<5:37:12, 2.26it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 9% 4264/50000 [31:45<6:17:01, 2.02it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 9% 4354/50000 [32:25<5:31:35, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 9% 4421/50000 [32:55<5:32:46, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 9% 4440/50000 [33:03<5:33:07, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 9% 4499/50000 [33:29<5:30:49, 2.29it/s]4500; G: 86.446; D: 55.190; Grad: 10.373; Alpha: 0.180\n",
" 9% 4547/50000 [33:51<5:32:39, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 9% 4594/50000 [34:12<5:31:01, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 9% 4620/50000 [34:23<5:30:41, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 9% 4702/50000 [35:00<5:29:35, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 10% 4762/50000 [35:27<5:30:20, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 10% 4800/50000 [35:43<5:28:22, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 10% 4860/50000 [36:10<5:29:21, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 10% 4943/50000 [36:48<5:28:57, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 10% 4980/50000 [37:04<5:27:01, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 10% 4999/50000 [37:13<5:27:04, 2.29it/s]5000; G: 82.697; D: 76.442; Grad: 12.492; Alpha: 0.200\n",
" 10% 5044/50000 [37:34<6:05:16, 2.05it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 10% 5102/50000 [38:00<6:48:39, 1.83it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 10% 5160/50000 [38:25<5:26:10, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 11% 5264/50000 [39:12<5:25:10, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 11% 5291/50000 [39:24<5:30:38, 2.25it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 11% 5385/50000 [40:06<5:26:07, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 11% 5439/50000 [40:30<5:23:21, 2.30it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 11% 5481/50000 [40:49<5:24:31, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 11% 5499/50000 [40:57<5:23:46, 2.29it/s]5500; G: 80.960; D: 59.941; Grad: 10.870; Alpha: 0.220\n",
" 11% 5539/50000 [41:15<5:23:55, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 11% 5586/50000 [41:36<5:38:28, 2.19it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 11% 5656/50000 [42:07<5:22:03, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 11% 5733/50000 [42:41<5:24:52, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 12% 5791/50000 [43:07<5:22:05, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 12% 5833/50000 [43:25<5:22:04, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 12% 5920/50000 [44:04<5:20:34, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 12% 5988/50000 [44:34<5:20:55, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 12% 5999/50000 [44:39<5:21:08, 2.28it/s]6000; G: 93.759; D: 81.030; Grad: 14.033; Alpha: 0.240\n",
" 12% 6022/50000 [44:51<5:22:21, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 12% 6103/50000 [45:27<5:20:32, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 12% 6133/50000 [45:40<5:21:07, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 12% 6228/50000 [46:22<5:18:38, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 12% 6240/50000 [46:28<5:19:39, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 13% 6347/50000 [47:15<5:19:26, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 13% 6410/50000 [47:44<5:18:13, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 13% 6453/50000 [48:03<5:16:54, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 13% 6481/50000 [48:16<7:20:19, 1.65it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 13% 6499/50000 [48:24<5:15:57, 2.29it/s]6500; G: 88.333; D: 74.433; Grad: 12.354; Alpha: 0.260\n",
" 13% 6547/50000 [48:45<5:27:54, 2.21it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 13% 6647/50000 [49:29<5:16:10, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 13% 6705/50000 [49:55<5:15:18, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 13% 6737/50000 [50:10<5:14:59, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 14% 6811/50000 [50:43<5:14:31, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 14% 6878/50000 [51:12<5:14:33, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 14% 6941/50000 [51:41<5:13:33, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 14% 6999/50000 [52:06<5:13:50, 2.28it/s]7000; G: 98.217; D: 81.584; Grad: 13.623; Alpha: 0.280\n",
" 14% 7004/50000 [52:10<6:16:56, 1.90it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 14% 7058/50000 [52:34<5:12:03, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 14% 7108/50000 [52:57<5:12:01, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 14% 7182/50000 [53:30<5:11:22, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 14% 7238/50000 [53:55<5:11:16, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 15% 7264/50000 [54:07<5:40:47, 2.09it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 15% 7331/50000 [54:36<5:12:32, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 15% 7428/50000 [55:19<5:09:21, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 15% 7456/50000 [55:32<5:10:23, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 15% 7499/50000 [55:51<5:08:46, 2.29it/s]7500; G: 97.661; D: 86.525; Grad: 14.590; Alpha: 0.300\n",
" 15% 7529/50000 [56:04<5:10:32, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 15% 7578/50000 [56:26<5:10:24, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 15% 7671/50000 [57:08<5:09:15, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 15% 7721/50000 [57:30<5:08:46, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 16% 7776/50000 [57:55<5:09:02, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 16% 7807/50000 [58:09<5:20:18, 2.20it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 16% 7887/50000 [58:44<5:06:18, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 16% 7930/50000 [59:04<5:12:15, 2.25it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 16% 7999/50000 [59:35<5:07:28, 2.28it/s]8000; G: 97.704; D: 75.991; Grad: 13.725; Alpha: 0.320\n",
" 16% 8026/50000 [59:48<5:05:49, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 16% 8050/50000 [59:59<5:11:45, 2.24it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 16% 8125/50000 [1:00:32<5:03:58, 2.30it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 16% 8169/50000 [1:00:52<5:10:49, 2.24it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 17% 8261/50000 [1:01:33<5:04:41, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 17% 8320/50000 [1:01:59<5:04:10, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 17% 8358/50000 [1:02:16<5:03:20, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 17% 8400/50000 [1:02:34<5:02:44, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 17% 8460/50000 [1:03:01<5:02:18, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 17% 8499/50000 [1:03:19<5:03:28, 2.28it/s]8500; G: 100.699; D: 86.275; Grad: 14.769; Alpha: 0.340\n",
" 17% 8540/50000 [1:03:37<5:01:49, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 17% 8606/50000 [1:04:07<5:01:59, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 17% 8650/50000 [1:04:27<5:07:59, 2.24it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 17% 8722/50000 [1:04:59<5:00:20, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 18% 8797/50000 [1:05:33<5:02:49, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 18% 8871/50000 [1:06:05<4:59:05, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 18% 8912/50000 [1:06:24<5:00:15, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 18% 8953/50000 [1:06:42<5:01:01, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 18% 8999/50000 [1:07:02<4:58:24, 2.29it/s]9000; G: 100.982; D: 80.094; Grad: 14.138; Alpha: 0.360\n",
" 18% 9010/50000 [1:07:10<5:15:29, 2.17it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 18% 9077/50000 [1:07:39<4:58:17, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 18% 9132/50000 [1:08:04<5:00:28, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 18% 9211/50000 [1:08:39<4:56:14, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 19% 9291/50000 [1:09:14<4:57:33, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 19% 9301/50000 [1:09:19<6:35:03, 1.72it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 19% 9380/50000 [1:09:54<4:56:21, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 19% 9454/50000 [1:10:27<4:54:25, 2.30it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 19% 9499/50000 [1:10:47<4:54:09, 2.29it/s]9500; G: 74.402; D: 75.912; Grad: 14.415; Alpha: 0.380\n",
" 19% 9515/50000 [1:10:54<4:54:16, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 19% 9569/50000 [1:11:18<4:53:47, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 19% 9648/50000 [1:11:54<4:53:12, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 19% 9689/50000 [1:12:12<4:53:25, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 19% 9743/50000 [1:12:36<4:53:21, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 20% 9780/50000 [1:12:53<4:52:50, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 20% 9851/50000 [1:13:25<4:55:18, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 20% 9923/50000 [1:13:57<4:52:43, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 20% 9996/50000 [1:14:29<4:51:40, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 20% 9999/50000 [1:14:30<4:51:32, 2.29it/s]10000; G: 105.616; D: 92.019; Grad: 15.354; Alpha: 0.400\n",
" 20% 10021/50000 [1:14:42<6:28:09, 1.72it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 20% 10108/50000 [1:15:20<4:55:16, 2.25it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 20% 10180/50000 [1:15:53<4:50:32, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 20% 10200/50000 [1:16:01<4:49:23, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 21% 10310/50000 [1:16:51<4:49:24, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 21% 10366/50000 [1:17:16<4:50:09, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 21% 10408/50000 [1:17:35<4:49:36, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 21% 10443/50000 [1:17:50<5:33:47, 1.98it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 21% 10499/50000 [1:18:15<4:48:31, 2.28it/s]10500; G: 106.451; D: 95.073; Grad: 15.795; Alpha: 0.420\n",
" 21% 10513/50000 [1:18:22<4:52:32, 2.25it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 21% 10602/50000 [1:19:01<4:47:09, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 21% 10650/50000 [1:19:23<4:48:12, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 21% 10684/50000 [1:19:38<5:14:39, 2.08it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 22% 10760/50000 [1:20:12<4:46:18, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 22% 10825/50000 [1:20:41<4:46:39, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 22% 10862/50000 [1:20:58<5:40:21, 1.92it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 22% 10956/50000 [1:21:40<4:46:30, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 22% 10984/50000 [1:21:52<5:11:05, 2.09it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 22% 10999/50000 [1:21:59<4:44:11, 2.29it/s]11000; G: 103.641; D: 92.634; Grad: 16.720; Alpha: 0.440\n",
" 22% 11049/50000 [1:22:23<4:56:36, 2.19it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 22% 11102/50000 [1:22:47<5:51:52, 1.84it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 22% 11170/50000 [1:23:17<4:47:24, 2.25it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 23% 11254/50000 [1:23:55<4:43:24, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 23% 11286/50000 [1:24:09<5:00:49, 2.14it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 23% 11353/50000 [1:24:39<4:43:40, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 23% 11422/50000 [1:25:10<4:41:56, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 23% 11461/50000 [1:25:28<6:29:14, 1.65it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 23% 11499/50000 [1:25:45<4:41:02, 2.28it/s]11500; G: 105.703; D: 91.046; Grad: 16.436; Alpha: 0.460\n",
" 23% 11537/50000 [1:26:02<4:40:35, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 23% 11621/50000 [1:26:39<4:40:38, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 23% 11680/50000 [1:27:06<4:39:57, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 23% 11747/50000 [1:27:36<4:40:15, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 24% 11760/50000 [1:27:42<4:38:48, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 24% 11845/50000 [1:28:20<4:39:36, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 24% 11880/50000 [1:28:36<4:40:06, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 24% 11968/50000 [1:29:15<4:38:19, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 24% 11999/50000 [1:29:29<4:36:58, 2.29it/s]12000; G: 107.736; D: 91.213; Grad: 16.391; Alpha: 0.480\n",
" 24% 12013/50000 [1:29:37<4:42:24, 2.24it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 24% 12080/50000 [1:30:07<4:38:32, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 24% 12147/50000 [1:30:37<4:35:54, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 24% 12193/50000 [1:30:58<4:37:22, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 25% 12263/50000 [1:31:29<4:35:06, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 25% 12317/50000 [1:31:53<4:35:00, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 25% 12372/50000 [1:32:18<4:39:08, 2.25it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 25% 12454/50000 [1:32:55<4:34:24, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 25% 12499/50000 [1:33:15<4:35:57, 2.26it/s]12500; G: 78.652; D: 71.273; Grad: 14.113; Alpha: 0.500\n",
" 25% 12526/50000 [1:33:27<4:34:22, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 25% 12540/50000 [1:33:33<4:34:45, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 25% 12632/50000 [1:34:14<4:34:37, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 25% 12701/50000 [1:34:45<4:32:42, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 25% 12722/50000 [1:34:55<5:32:55, 1.87it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 26% 12780/50000 [1:35:21<4:31:46, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 26% 12866/50000 [1:35:59<4:31:23, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 26% 12941/50000 [1:36:33<4:31:56, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 26% 12963/50000 [1:36:43<5:17:29, 1.94it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 26% 12999/50000 [1:36:59<4:32:08, 2.27it/s]13000; G: 78.701; D: 78.717; Grad: 16.630; Alpha: 0.520\n",
" 26% 13028/50000 [1:37:13<4:36:59, 2.22it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 26% 13119/50000 [1:37:54<4:30:07, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 26% 13143/50000 [1:38:05<5:04:07, 2.02it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 26% 13229/50000 [1:38:43<4:30:04, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 27% 13294/50000 [1:39:12<4:28:10, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 27% 13329/50000 [1:39:28<4:33:12, 2.24it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 27% 13409/50000 [1:40:04<4:27:38, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 27% 13449/50000 [1:40:22<4:32:53, 2.23it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 27% 13499/50000 [1:40:44<4:26:06, 2.29it/s]13500; G: 106.139; D: 78.235; Grad: 15.368; Alpha: 0.540\n",
" 27% 13523/50000 [1:40:55<4:26:22, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 27% 13568/50000 [1:41:15<4:32:58, 2.22it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 27% 13622/50000 [1:41:39<5:21:48, 1.88it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 27% 13712/50000 [1:42:19<4:25:02, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 28% 13759/50000 [1:42:40<4:26:09, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 28% 13800/50000 [1:42:58<4:25:12, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 28% 13903/50000 [1:43:45<4:24:55, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 28% 13921/50000 [1:43:53<6:00:06, 1.67it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 28% 13999/50000 [1:44:28<4:23:18, 2.28it/s]14000; G: 107.874; D: 84.172; Grad: 16.299; Alpha: 0.560\n",
" 28% 14019/50000 [1:44:38<4:23:29, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 28% 14073/50000 [1:45:02<4:23:00, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 28% 14138/50000 [1:45:31<4:21:26, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 28% 14173/50000 [1:45:47<4:24:09, 2.26it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 29% 14261/50000 [1:46:26<4:21:06, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 29% 14326/50000 [1:46:55<4:23:10, 2.26it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 29% 14340/50000 [1:47:01<4:20:54, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 29% 14424/50000 [1:47:39<4:19:37, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 29% 14460/50000 [1:47:55<4:19:02, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 29% 14499/50000 [1:48:12<4:20:35, 2.27it/s]14500; G: 106.920; D: 84.441; Grad: 16.641; Alpha: 0.580\n",
" 29% 14533/50000 [1:48:28<4:20:15, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 29% 14623/50000 [1:49:08<4:17:30, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 29% 14644/50000 [1:49:17<4:41:59, 2.09it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 29% 14747/50000 [1:50:03<4:19:35, 2.26it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 30% 14762/50000 [1:50:10<5:08:04, 1.91it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 30% 14851/50000 [1:50:49<4:16:22, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 30% 14909/50000 [1:51:15<4:17:31, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 30% 14970/50000 [1:51:43<4:15:41, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 30% 14999/50000 [1:51:55<4:16:24, 2.28it/s]15000; G: 115.018; D: 92.925; Grad: 18.407; Alpha: 0.600\n",
" 30% 15018/50000 [1:52:05<4:16:30, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 30% 15080/50000 [1:52:33<4:15:06, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 30% 15152/50000 [1:53:05<4:15:21, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 30% 15229/50000 [1:53:39<4:14:17, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 31% 15268/50000 [1:53:57<4:13:09, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 31% 15302/50000 [1:54:12<5:28:18, 1.76it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 31% 15392/50000 [1:54:52<4:14:06, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 31% 15459/50000 [1:55:22<4:11:44, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 31% 15499/50000 [1:55:40<4:11:51, 2.28it/s]15500; G: 109.672; D: 86.867; Grad: 16.950; Alpha: 0.620\n",
" 31% 15530/50000 [1:55:54<4:13:48, 2.26it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 31% 15586/50000 [1:56:19<4:13:11, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 31% 15648/50000 [1:56:47<4:10:24, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 31% 15706/50000 [1:57:13<4:10:42, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 31% 15740/50000 [1:57:28<4:09:54, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 32% 15789/50000 [1:57:50<4:13:32, 2.25it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 32% 15865/50000 [1:58:24<4:10:14, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 32% 15928/50000 [1:58:52<4:07:34, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 32% 15981/50000 [1:59:15<4:07:59, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 32% 15999/50000 [1:59:23<4:07:37, 2.29it/s]16000; G: 121.413; D: 94.865; Grad: 17.489; Alpha: 0.640\n",
" 32% 16037/50000 [1:59:42<4:08:58, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 32% 16083/50000 [2:00:03<4:57:20, 1.90it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 32% 16186/50000 [2:00:48<4:06:14, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 32% 16242/50000 [2:01:14<4:06:03, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 33% 16260/50000 [2:01:21<4:06:17, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 33% 16344/50000 [2:01:59<4:06:41, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 33% 16390/50000 [2:02:20<4:08:26, 2.25it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 33% 16463/50000 [2:02:53<4:06:17, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 33% 16499/50000 [2:03:08<4:05:40, 2.27it/s]16500; G: 110.979; D: 91.245; Grad: 20.362; Alpha: 0.660\n",
" 33% 16546/50000 [2:03:30<4:04:33, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 33% 16586/50000 [2:03:48<4:03:59, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 33% 16631/50000 [2:04:08<4:05:27, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 33% 16725/50000 [2:04:50<4:02:41, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 33% 16740/50000 [2:04:56<4:01:56, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 34% 16818/50000 [2:05:32<4:04:31, 2.26it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 34% 16860/50000 [2:05:50<4:00:59, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 34% 16937/50000 [2:06:25<4:01:48, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 34% 16999/50000 [2:06:53<4:02:12, 2.27it/s]17000; G: 81.170; D: 66.593; Grad: 14.874; Alpha: 0.680\n",
" 34% 17002/50000 [2:06:55<5:43:28, 1.60it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 34% 17060/50000 [2:07:21<4:00:37, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 34% 17150/50000 [2:08:02<4:01:21, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 34% 17178/50000 [2:08:14<3:59:57, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 34% 17243/50000 [2:08:44<4:00:43, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 35% 17280/50000 [2:09:00<3:58:42, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 35% 17385/50000 [2:09:47<3:58:42, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 35% 17449/50000 [2:10:16<3:57:43, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 35% 17480/50000 [2:10:30<3:58:35, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 35% 17499/50000 [2:10:38<3:58:57, 2.27it/s]17500; G: 119.591; D: 95.195; Grad: 19.094; Alpha: 0.700\n",
" 35% 17523/50000 [2:10:49<4:48:56, 1.87it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 35% 17615/50000 [2:11:30<3:56:51, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 35% 17640/50000 [2:11:41<3:56:31, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 35% 17746/50000 [2:12:29<3:56:08, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 36% 17779/50000 [2:12:44<3:55:32, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 36% 17867/50000 [2:13:23<3:55:09, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 36% 17894/50000 [2:13:35<3:55:56, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 36% 17970/50000 [2:14:09<3:54:11, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 36% 17999/50000 [2:14:22<3:52:15, 2.30it/s]18000; G: 116.983; D: 93.761; Grad: 19.354; Alpha: 0.720\n",
" 36% 18000/50000 [2:14:24<7:27:12, 1.19it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 36% 18060/50000 [2:14:51<3:54:06, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 36% 18120/50000 [2:15:18<3:52:43, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 36% 18188/50000 [2:15:49<4:00:06, 2.21it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 37% 18255/50000 [2:16:19<3:52:25, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 37% 18312/50000 [2:16:44<3:54:19, 2.25it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 37% 18380/50000 [2:17:15<3:50:44, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 37% 18436/50000 [2:17:40<3:56:26, 2.22it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 37% 18499/50000 [2:18:08<3:50:01, 2.28it/s]18500; G: 119.245; D: 91.034; Grad: 18.496; Alpha: 0.740\n",
" 37% 18529/50000 [2:18:21<3:51:39, 2.26it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 37% 18540/50000 [2:18:26<3:51:05, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 37% 18624/50000 [2:19:04<3:48:50, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 37% 18697/50000 [2:19:36<3:48:59, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 37% 18721/50000 [2:19:47<5:00:57, 1.73it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 38% 18798/50000 [2:20:22<3:48:47, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 38% 18840/50000 [2:20:40<3:46:29, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 38% 18944/50000 [2:21:27<3:46:55, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 38% 18976/50000 [2:21:41<3:48:02, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 38% 18999/50000 [2:21:51<3:46:18, 2.28it/s]19000; G: 107.655; D: 79.299; Grad: 19.003; Alpha: 0.760\n",
" 38% 19027/50000 [2:22:05<3:57:25, 2.17it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 38% 19101/50000 [2:22:38<3:45:22, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 38% 19148/50000 [2:22:59<3:50:32, 2.23it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 38% 19246/50000 [2:23:42<3:45:33, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 39% 19266/50000 [2:23:52<3:54:04, 2.19it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 39% 19364/50000 [2:24:35<3:45:24, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 39% 19409/50000 [2:24:55<3:46:41, 2.25it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 39% 19440/50000 [2:25:09<3:42:24, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 39% 19499/50000 [2:25:35<3:41:41, 2.29it/s]19500; G: 73.937; D: 45.074; Grad: 11.307; Alpha: 0.780\n",
" 39% 19519/50000 [2:25:44<3:42:43, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 39% 19561/50000 [2:26:03<4:56:31, 1.71it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 39% 19666/50000 [2:26:50<3:40:23, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 39% 19698/50000 [2:27:05<3:41:41, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 40% 19762/50000 [2:27:34<3:41:11, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 40% 19823/50000 [2:28:01<3:41:34, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 40% 19906/50000 [2:28:38<3:39:51, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 40% 19939/50000 [2:28:53<3:39:14, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 40% 19999/50000 [2:29:19<3:40:25, 2.27it/s]20000; G: 73.278; D: 53.792; Grad: 12.120; Alpha: 0.800\n",
" 40% 20020/50000 [2:29:30<3:39:49, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 40% 20089/50000 [2:30:01<3:39:53, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 40% 20100/50000 [2:30:06<3:38:21, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 40% 20179/50000 [2:30:41<3:38:48, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 40% 20225/50000 [2:31:02<3:59:00, 2.08it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 41% 20314/50000 [2:31:42<3:36:44, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 41% 20358/50000 [2:32:02<3:37:08, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 41% 20450/50000 [2:32:43<3:36:31, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 41% 20491/50000 [2:33:01<3:35:53, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 41% 20499/50000 [2:33:05<3:35:58, 2.28it/s]20500; G: 113.220; D: 81.771; Grad: 18.101; Alpha: 0.820\n",
" 41% 20521/50000 [2:33:15<5:23:25, 1.52it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 41% 20625/50000 [2:34:01<3:35:46, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 41% 20669/50000 [2:34:21<3:35:03, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 41% 20748/50000 [2:34:56<3:33:33, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 42% 20776/50000 [2:35:09<3:33:58, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 42% 20820/50000 [2:35:29<3:32:55, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 42% 20902/50000 [2:36:06<3:32:40, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 42% 20940/50000 [2:36:22<3:31:56, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 42% 20999/50000 [2:36:49<3:32:27, 2.28it/s]21000; G: 119.888; D: 81.630; Grad: 17.137; Alpha: 0.840\n",
" 42% 21024/50000 [2:37:02<3:32:45, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 42% 21102/50000 [2:37:36<3:31:29, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 42% 21151/50000 [2:37:58<3:30:11, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 42% 21226/50000 [2:38:32<3:30:38, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 43% 21282/50000 [2:38:57<3:29:41, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 43% 21323/50000 [2:39:15<3:28:45, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 43% 21386/50000 [2:39:43<3:29:09, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 43% 21455/50000 [2:40:14<3:28:14, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 43% 21499/50000 [2:40:33<3:28:15, 2.28it/s]21500; G: 121.316; D: 93.059; Grad: 19.864; Alpha: 0.860\n",
" 43% 21518/50000 [2:40:42<3:27:39, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 43% 21590/50000 [2:41:14<3:27:52, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 43% 21632/50000 [2:41:33<3:27:27, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 43% 21704/50000 [2:42:05<3:26:59, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 43% 21744/50000 [2:42:23<3:26:42, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 44% 21822/50000 [2:42:57<3:26:36, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 44% 21847/50000 [2:43:09<3:31:42, 2.22it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 44% 21944/50000 [2:43:51<3:25:16, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 44% 21994/50000 [2:44:14<3:24:15, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 44% 21999/50000 [2:44:16<3:24:23, 2.28it/s]22000; G: 126.704; D: 99.362; Grad: 22.649; Alpha: 0.880\n",
" 44% 22023/50000 [2:44:28<3:53:50, 1.99it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 44% 22104/50000 [2:45:04<3:24:02, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 44% 22180/50000 [2:45:38<3:23:22, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 44% 22200/50000 [2:45:47<3:22:32, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 45% 22303/50000 [2:46:34<3:23:20, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 45% 22324/50000 [2:46:43<3:41:37, 2.08it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 45% 22411/50000 [2:47:22<3:21:20, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 45% 22454/50000 [2:47:42<3:22:17, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 45% 22499/50000 [2:48:01<3:19:52, 2.29it/s]22500; G: 122.222; D: 92.672; Grad: 19.388; Alpha: 0.900\n",
" 45% 22550/50000 [2:48:24<3:20:10, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 45% 22575/50000 [2:48:35<3:20:57, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 45% 22643/50000 [2:49:06<3:19:43, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 45% 22702/50000 [2:49:32<3:19:24, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 46% 22773/50000 [2:50:04<3:18:30, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 46% 22849/50000 [2:50:37<3:18:31, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 46% 22888/50000 [2:50:55<3:17:13, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 46% 22971/50000 [2:51:32<3:17:03, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 46% 22982/50000 [2:51:38<4:22:22, 1.72it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 46% 22999/50000 [2:51:45<3:16:40, 2.29it/s]23000; G: 41.537; D: 57.645; Grad: 15.705; Alpha: 0.920\n",
" 46% 23082/50000 [2:52:23<3:16:02, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 46% 23140/50000 [2:52:49<3:16:34, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 46% 23192/50000 [2:53:13<3:15:53, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 46% 23220/50000 [2:53:25<3:14:25, 2.30it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 47% 23316/50000 [2:54:08<3:13:35, 2.30it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 47% 23368/50000 [2:54:31<3:14:25, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 47% 23400/50000 [2:54:45<3:13:16, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 47% 23492/50000 [2:55:26<3:13:29, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 47% 23499/50000 [2:55:29<3:13:11, 2.29it/s]23500; G: 90.967; D: 61.750; Grad: 14.943; Alpha: 0.940\n",
" 47% 23571/50000 [2:56:01<3:12:10, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 47% 23616/50000 [2:56:22<3:12:07, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 47% 23679/50000 [2:56:49<3:12:29, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 47% 23700/50000 [2:56:59<3:11:48, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 48% 23761/50000 [2:57:26<4:17:24, 1.70it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 48% 23860/50000 [2:58:10<3:10:58, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 48% 23892/50000 [2:58:24<3:11:39, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 48% 23966/50000 [2:58:57<3:09:29, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 48% 23999/50000 [2:59:12<3:09:12, 2.29it/s]24000; G: 112.927; D: 87.653; Grad: 20.973; Alpha: 0.960\n",
" 48% 24017/50000 [2:59:22<3:10:16, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 48% 24103/50000 [3:00:00<3:09:17, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 48% 24140/50000 [3:00:16<3:07:56, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 48% 24197/50000 [3:00:42<3:08:41, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 48% 24240/50000 [3:01:01<3:07:37, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 49% 24329/50000 [3:01:41<3:07:25, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 49% 24360/50000 [3:01:54<3:06:35, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 49% 24421/50000 [3:02:22<4:21:05, 1.63it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 49% 24480/50000 [3:02:48<3:06:51, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 49% 24499/50000 [3:02:57<3:05:58, 2.29it/s]24500; G: 116.809; D: 79.150; Grad: 17.744; Alpha: 0.980\n",
" 49% 24553/50000 [3:03:21<3:06:44, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 49% 24614/50000 [3:03:48<3:05:41, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 49% 24660/50000 [3:04:08<3:04:39, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 49% 24743/50000 [3:04:45<3:03:48, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 50% 24780/50000 [3:05:02<3:03:15, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 50% 24876/50000 [3:05:44<3:04:09, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 50% 24951/50000 [3:06:18<3:02:41, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 50% 24960/50000 [3:06:22<3:02:19, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 50% 24999/50000 [3:06:40<3:02:04, 2.29it/s]25000; G: 103.775; D: 66.833; Grad: 16.597; Alpha: 1.000\n",
" 50% 25055/50000 [3:07:06<2:58:11, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 50% 25096/50000 [3:07:24<2:58:28, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 50% 25156/50000 [3:07:50<2:57:21, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 50% 25250/50000 [3:08:31<2:56:52, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 51% 25304/50000 [3:08:54<2:56:52, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 51% 25333/50000 [3:09:07<2:57:29, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 51% 25418/50000 [3:09:44<2:54:52, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 51% 25476/50000 [3:10:10<2:55:51, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 51% 25499/50000 [3:10:19<2:55:30, 2.33it/s]25500; G: 110.102; D: 72.910; Grad: 17.302; Alpha: 1.000\n",
" 51% 25516/50000 [3:10:27<2:55:04, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 51% 25593/50000 [3:11:01<2:53:55, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 51% 25620/50000 [3:11:13<2:53:58, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 51% 25715/50000 [3:11:54<2:53:32, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 52% 25772/50000 [3:12:19<2:55:10, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 52% 25835/50000 [3:12:46<2:52:17, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 52% 25889/50000 [3:13:10<2:52:11, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 52% 25935/50000 [3:13:30<2:53:52, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 52% 25980/50000 [3:13:50<2:51:05, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 52% 25999/50000 [3:13:58<2:50:57, 2.34it/s]26000; G: 80.942; D: 49.931; Grad: 13.342; Alpha: 1.000\n",
" 52% 26087/50000 [3:14:38<2:51:36, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 52% 26116/50000 [3:14:51<2:51:19, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 52% 26169/50000 [3:15:14<2:52:12, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 52% 26220/50000 [3:15:35<2:49:33, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 53% 26290/50000 [3:16:07<2:51:46, 2.30it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 53% 26344/50000 [3:16:30<3:08:44, 2.09it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 53% 26438/50000 [3:17:11<2:48:28, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 53% 26479/50000 [3:17:29<2:48:25, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 53% 26499/50000 [3:17:38<2:47:47, 2.33it/s]26500; G: 106.771; D: 76.657; Grad: 18.264; Alpha: 1.000\n",
" 53% 26570/50000 [3:18:09<2:46:48, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 53% 26630/50000 [3:18:35<2:46:50, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 53% 26642/50000 [3:18:41<4:03:56, 1.60it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 53% 26707/50000 [3:19:10<2:53:51, 2.23it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 54% 26809/50000 [3:19:54<2:46:19, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 54% 26822/50000 [3:20:00<3:16:44, 1.96it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 54% 26888/50000 [3:20:29<2:50:04, 2.26it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 54% 26941/50000 [3:20:52<3:41:20, 1.74it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 54% 26999/50000 [3:21:17<2:43:45, 2.34it/s]27000; G: 121.103; D: 88.179; Grad: 19.485; Alpha: 1.000\n",
" 54% 27024/50000 [3:21:30<2:45:11, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 54% 27107/50000 [3:22:06<2:44:21, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 54% 27146/50000 [3:22:23<2:44:31, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 54% 27180/50000 [3:22:37<2:43:12, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 54% 27240/50000 [3:23:04<2:42:53, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 55% 27300/50000 [3:23:30<2:42:19, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 55% 27377/50000 [3:24:04<2:42:05, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 55% 27425/50000 [3:24:25<2:49:45, 2.22it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 55% 27499/50000 [3:24:57<2:41:06, 2.33it/s]27500; G: 94.788; D: 62.230; Grad: 14.739; Alpha: 1.000\n",
" 55% 27503/50000 [3:24:59<2:41:10, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 55% 27584/50000 [3:25:34<2:40:08, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 55% 27609/50000 [3:25:46<2:44:52, 2.26it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 55% 27691/50000 [3:26:22<2:39:44, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 55% 27744/50000 [3:26:45<2:38:37, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 56% 27796/50000 [3:27:08<2:39:01, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 56% 27853/50000 [3:27:33<2:38:55, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 56% 27921/50000 [3:28:02<2:38:05, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 56% 27968/50000 [3:28:23<2:42:33, 2.26it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 56% 27999/50000 [3:28:36<2:37:13, 2.33it/s]28000; G: 118.150; D: 81.950; Grad: 18.720; Alpha: 1.000\n",
" 56% 28053/50000 [3:29:01<2:36:48, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 56% 28122/50000 [3:29:31<2:36:55, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 56% 28151/50000 [3:29:44<2:38:48, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 56% 28250/50000 [3:30:27<2:35:08, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 57% 28289/50000 [3:30:45<2:34:56, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 57% 28320/50000 [3:30:58<2:34:24, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 57% 28420/50000 [3:31:42<2:34:57, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 57% 28483/50000 [3:32:09<2:33:48, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 57% 28499/50000 [3:32:16<2:33:23, 2.34it/s]28500; G: 116.835; D: 75.167; Grad: 17.209; Alpha: 1.000\n",
" 57% 28500/50000 [3:32:17<2:33:28, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 57% 28583/50000 [3:32:53<2:34:18, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 57% 28659/50000 [3:33:26<2:33:12, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 57% 28727/50000 [3:33:56<2:32:14, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 58% 28781/50000 [3:34:20<2:31:37, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 58% 28848/50000 [3:34:49<2:31:39, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 58% 28897/50000 [3:35:11<2:30:51, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 58% 28924/50000 [3:35:23<2:52:51, 2.03it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 58% 28999/50000 [3:35:56<2:31:10, 2.32it/s]29000; G: 125.525; D: 89.345; Grad: 19.463; Alpha: 1.000\n",
" 58% 29002/50000 [3:35:58<3:34:15, 1.63it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 58% 29040/50000 [3:36:15<2:29:31, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 58% 29106/50000 [3:36:44<2:39:14, 2.19it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 58% 29201/50000 [3:37:26<2:28:34, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 58% 29232/50000 [3:37:40<2:30:26, 2.30it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 59% 29280/50000 [3:38:01<2:28:11, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 59% 29345/50000 [3:38:30<2:43:01, 2.11it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 59% 29440/50000 [3:39:11<2:27:08, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 59% 29490/50000 [3:39:33<2:26:36, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 59% 29499/50000 [3:39:37<2:27:18, 2.32it/s]29500; G: 86.807; D: 53.264; Grad: 11.944; Alpha: 1.000\n",
" 59% 29548/50000 [3:39:58<2:26:16, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 59% 29581/50000 [3:40:13<3:17:38, 1.72it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 59% 29676/50000 [3:40:54<2:25:12, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 59% 29721/50000 [3:41:14<2:24:54, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 60% 29805/50000 [3:41:51<2:24:26, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 60% 29837/50000 [3:42:05<2:24:08, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 60% 29895/50000 [3:42:30<2:24:58, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 60% 29953/50000 [3:42:56<2:24:03, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 60% 29999/50000 [3:43:16<2:22:24, 2.34it/s]30000; G: 113.514; D: 78.105; Grad: 18.304; Alpha: 1.000\n",
" 60% 30010/50000 [3:43:22<2:29:14, 2.23it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 60% 30096/50000 [3:44:00<2:22:31, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 60% 30142/50000 [3:44:20<2:22:54, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 60% 30207/50000 [3:44:48<2:20:47, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 60% 30250/50000 [3:45:07<2:23:07, 2.30it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 61% 30341/50000 [3:45:47<2:20:33, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 61% 30389/50000 [3:46:08<2:20:37, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 61% 30448/50000 [3:46:34<2:19:41, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 61% 30480/50000 [3:46:48<2:19:18, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 61% 30499/50000 [3:46:56<2:20:12, 2.32it/s]30500; G: 129.947; D: 97.172; Grad: 21.026; Alpha: 1.000\n",
" 61% 30571/50000 [3:47:28<2:18:35, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 61% 30648/50000 [3:48:01<2:18:57, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 61% 30703/50000 [3:48:26<2:20:57, 2.28it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 61% 30741/50000 [3:48:42<2:17:38, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 62% 30780/50000 [3:48:59<2:17:13, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 62% 30874/50000 [3:49:40<2:16:57, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 62% 30950/50000 [3:50:14<2:16:26, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 62% 30987/50000 [3:50:30<2:16:05, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 62% 30999/50000 [3:50:35<2:16:11, 2.33it/s]31000; G: 94.136; D: 76.744; Grad: 18.492; Alpha: 1.000\n",
" 62% 31064/50000 [3:51:05<2:15:19, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 62% 31127/50000 [3:51:32<2:15:02, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 62% 31140/50000 [3:51:38<2:14:58, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 62% 31234/50000 [3:52:19<2:14:20, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 63% 31260/50000 [3:52:30<2:13:43, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 63% 31340/50000 [3:53:06<2:14:43, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 63% 31425/50000 [3:53:43<2:13:34, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 63% 31444/50000 [3:53:51<2:30:03, 2.06it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 63% 31499/50000 [3:54:15<2:12:21, 2.33it/s]31500; G: 103.121; D: 67.169; Grad: 16.015; Alpha: 1.000\n",
" 63% 31520/50000 [3:54:25<2:13:54, 2.30it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 63% 31606/50000 [3:55:02<2:11:43, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 63% 31667/50000 [3:55:29<2:11:11, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 63% 31696/50000 [3:55:42<2:11:15, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 64% 31780/50000 [3:56:18<2:10:18, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 64% 31800/50000 [3:56:27<2:10:02, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 64% 31897/50000 [3:57:10<2:09:59, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 64% 31932/50000 [3:57:25<2:10:33, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 64% 31999/50000 [3:57:55<2:08:36, 2.33it/s]32000; G: 117.276; D: 89.347; Grad: 20.859; Alpha: 1.000\n",
" 64% 32029/50000 [3:58:09<2:08:34, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 64% 32082/50000 [3:58:32<2:08:48, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 64% 32125/50000 [3:58:51<2:08:30, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 64% 32160/50000 [3:59:06<2:07:28, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 65% 32263/50000 [3:59:52<2:07:16, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 65% 32323/50000 [4:00:18<2:07:28, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 65% 32358/50000 [4:00:33<2:06:30, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 65% 32418/50000 [4:01:00<2:06:06, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 65% 32495/50000 [4:01:33<2:04:58, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 65% 32499/50000 [4:01:35<2:05:21, 2.33it/s]32500; G: 131.740; D: 96.908; Grad: 20.648; Alpha: 1.000\n",
" 65% 32553/50000 [4:01:58<2:04:40, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 65% 32588/50000 [4:02:14<2:07:36, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 65% 32686/50000 [4:02:57<2:04:06, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 65% 32733/50000 [4:03:17<2:02:57, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 66% 32807/50000 [4:03:49<2:02:28, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 66% 32837/50000 [4:04:03<2:02:56, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 66% 32880/50000 [4:04:22<2:02:16, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 66% 32970/50000 [4:05:01<2:01:52, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 66% 32999/50000 [4:05:14<2:01:50, 2.33it/s]33000; G: 123.035; D: 80.996; Grad: 17.944; Alpha: 1.000\n",
" 66% 33051/50000 [4:05:38<2:01:51, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 66% 33084/50000 [4:05:53<2:01:13, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 66% 33138/50000 [4:06:17<2:00:46, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 66% 33228/50000 [4:06:56<1:59:55, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 66% 33240/50000 [4:07:01<2:00:08, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 67% 33326/50000 [4:07:39<1:59:53, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 67% 33389/50000 [4:08:07<1:58:40, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 67% 33429/50000 [4:08:24<2:00:21, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 67% 33499/50000 [4:08:55<1:58:05, 2.33it/s]33500; G: 132.152; D: 96.711; Grad: 21.467; Alpha: 1.000\n",
" 67% 33527/50000 [4:09:07<1:57:48, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 67% 33571/50000 [4:09:26<1:57:29, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 67% 33605/50000 [4:09:41<2:06:16, 2.16it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 67% 33686/50000 [4:10:16<1:56:26, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 68% 33753/50000 [4:10:46<1:56:25, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 68% 33790/50000 [4:11:02<1:57:43, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 68% 33863/50000 [4:11:34<1:55:28, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 68% 33945/50000 [4:12:10<1:54:21, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 68% 33982/50000 [4:12:26<1:54:32, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 68% 33999/50000 [4:12:34<1:54:21, 2.33it/s]34000; G: 92.347; D: 58.517; Grad: 15.168; Alpha: 1.000\n",
" 68% 34020/50000 [4:12:44<1:54:07, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 68% 34122/50000 [4:13:29<1:53:39, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 68% 34164/50000 [4:13:47<1:53:08, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 68% 34200/50000 [4:14:03<1:52:30, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 69% 34260/50000 [4:14:29<1:52:12, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 69% 34320/50000 [4:14:56<1:51:58, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 69% 34403/50000 [4:15:32<1:51:17, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 69% 34461/50000 [4:15:58<1:51:11, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 69% 34499/50000 [4:16:14<1:50:35, 2.34it/s]34500; G: 119.326; D: 79.122; Grad: 18.661; Alpha: 1.000\n",
" 69% 34549/50000 [4:16:36<1:50:22, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 69% 34560/50000 [4:16:41<1:50:28, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 69% 34639/50000 [4:17:16<1:49:19, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 69% 34683/50000 [4:17:35<2:13:15, 1.92it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 70% 34760/50000 [4:18:09<1:48:54, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 70% 34800/50000 [4:18:26<1:48:06, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 70% 34910/50000 [4:19:14<1:47:39, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 70% 34971/50000 [4:19:41<1:47:51, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 70% 34980/50000 [4:19:45<1:46:59, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 70% 34999/50000 [4:19:53<1:47:19, 2.33it/s]35000; G: 115.622; D: 78.287; Grad: 18.831; Alpha: 1.000\n",
" 70% 35040/50000 [4:20:12<1:46:37, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 70% 35100/50000 [4:20:38<1:46:35, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 70% 35171/50000 [4:21:10<1:46:50, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 70% 35225/50000 [4:21:34<1:54:47, 2.15it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 71% 35315/50000 [4:22:13<1:45:16, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 71% 35375/50000 [4:22:39<1:45:29, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 71% 35413/50000 [4:22:56<1:44:44, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 71% 35494/50000 [4:23:31<1:43:34, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 71% 35499/50000 [4:23:33<1:43:15, 2.34it/s]35500; G: 136.283; D: 102.579; Grad: 22.851; Alpha: 1.000\n",
" 71% 35520/50000 [4:23:42<1:43:09, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 71% 35615/50000 [4:24:24<1:42:49, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 71% 35640/50000 [4:24:35<1:42:37, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 71% 35721/50000 [4:25:11<1:41:48, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 72% 35763/50000 [4:25:29<2:02:37, 1.94it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 72% 35847/50000 [4:26:06<1:41:07, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 72% 35918/50000 [4:26:36<1:40:31, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 72% 35979/50000 [4:27:03<1:40:36, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 72% 35999/50000 [4:27:12<1:39:50, 2.34it/s]36000; G: 64.838; D: 42.315; Grad: 12.509; Alpha: 1.000\n",
" 72% 36021/50000 [4:27:23<1:40:16, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 72% 36099/50000 [4:27:57<1:39:50, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 72% 36163/50000 [4:28:25<1:38:27, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 72% 36180/50000 [4:28:32<1:38:37, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 72% 36247/50000 [4:29:02<1:43:15, 2.22it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 73% 36306/50000 [4:29:27<1:42:08, 2.23it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 73% 36378/50000 [4:29:59<1:37:19, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 73% 36420/50000 [4:30:17<1:36:42, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 73% 36486/50000 [4:30:46<1:40:57, 2.23it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 73% 36499/50000 [4:30:52<1:36:22, 2.33it/s]36500; G: 7.193; D: -2.601; Grad: 1.082; Alpha: 1.000\n",
" 73% 36540/50000 [4:31:09<1:36:22, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 73% 36611/50000 [4:31:41<1:36:14, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 73% 36660/50000 [4:32:02<1:35:36, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 74% 36757/50000 [4:32:44<1:34:27, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 74% 36802/50000 [4:33:04<1:34:24, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 74% 36883/50000 [4:33:39<1:33:50, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 74% 36935/50000 [4:34:02<1:33:00, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 74% 36960/50000 [4:34:13<1:32:57, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 74% 36999/50000 [4:34:30<1:32:43, 2.34it/s]37000; G: 111.211; D: 81.832; Grad: 18.445; Alpha: 1.000\n",
" 74% 37028/50000 [4:34:44<1:35:18, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 74% 37109/50000 [4:35:19<1:32:15, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 74% 37160/50000 [4:35:41<1:31:39, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 74% 37208/50000 [4:36:02<1:33:52, 2.27it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 75% 37307/50000 [4:36:45<1:31:11, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 75% 37332/50000 [4:36:56<1:30:53, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 75% 37424/50000 [4:37:37<1:29:39, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 75% 37443/50000 [4:37:45<1:48:35, 1.93it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 75% 37499/50000 [4:38:09<1:28:46, 2.35it/s]37500; G: 122.221; D: 86.846; Grad: 20.128; Alpha: 1.000\n",
" 75% 37500/50000 [4:38:10<1:28:51, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 75% 37573/50000 [4:38:42<1:29:19, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 75% 37624/50000 [4:39:05<1:42:49, 2.01it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 75% 37680/50000 [4:39:29<1:27:26, 2.35it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 75% 37748/50000 [4:39:59<1:30:46, 2.25it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 76% 37832/50000 [4:40:35<1:26:55, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 76% 37861/50000 [4:40:48<1:58:04, 1.71it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 76% 37962/50000 [4:41:32<1:25:44, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 76% 37999/50000 [4:41:49<1:25:41, 2.33it/s]38000; G: 136.698; D: 105.199; Grad: 24.003; Alpha: 1.000\n",
" 76% 38031/50000 [4:42:03<1:25:04, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 76% 38065/50000 [4:42:18<1:25:18, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 76% 38122/50000 [4:42:44<1:24:59, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 76% 38172/50000 [4:43:05<1:25:23, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 76% 38232/50000 [4:43:32<1:24:35, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 77% 38286/50000 [4:43:55<1:29:10, 2.19it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 77% 38352/50000 [4:44:24<1:23:47, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 77% 38422/50000 [4:44:55<1:22:45, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 77% 38499/50000 [4:45:28<1:22:16, 2.33it/s]38500; G: 127.898; D: 94.901; Grad: 22.201; Alpha: 1.000\n",
" 77% 38509/50000 [4:45:33<1:22:24, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 77% 38520/50000 [4:45:37<1:21:57, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 77% 38626/50000 [4:46:24<1:21:33, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 77% 38651/50000 [4:46:35<1:21:31, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 77% 38734/50000 [4:47:11<1:20:29, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 78% 38784/50000 [4:47:33<1:20:01, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 78% 38823/50000 [4:47:51<1:45:29, 1.77it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 78% 38894/50000 [4:48:22<1:19:24, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 78% 38960/50000 [4:48:50<1:19:10, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 78% 38999/50000 [4:49:07<1:18:26, 2.34it/s]39000; G: 113.005; D: 76.605; Grad: 18.132; Alpha: 1.000\n",
" 78% 39046/50000 [4:49:29<1:18:11, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 78% 39100/50000 [4:49:53<1:18:15, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 78% 39121/50000 [4:50:02<1:39:58, 1.81it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 78% 39208/50000 [4:50:40<1:17:01, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 79% 39259/50000 [4:51:02<1:16:35, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 79% 39338/50000 [4:51:37<1:16:02, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 79% 39394/50000 [4:52:01<1:15:39, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 79% 39439/50000 [4:52:21<1:18:57, 2.23it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 79% 39499/50000 [4:52:47<1:15:10, 2.33it/s]39500; G: 102.219; D: 92.179; Grad: 21.619; Alpha: 1.000\n",
" 79% 39531/50000 [4:53:01<1:14:53, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 79% 39544/50000 [4:53:07<1:24:51, 2.05it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 79% 39601/50000 [4:53:32<1:37:43, 1.77it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 79% 39694/50000 [4:54:13<1:13:34, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 79% 39735/50000 [4:54:31<1:13:22, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 80% 39796/50000 [4:54:58<1:13:04, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 80% 39872/50000 [4:55:31<1:12:25, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 80% 39931/50000 [4:55:56<1:12:06, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 80% 39960/50000 [4:56:09<1:11:38, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 80% 39999/50000 [4:56:26<1:11:09, 2.34it/s]40000; G: 132.988; D: 97.730; Grad: 22.131; Alpha: 1.000\n",
" 80% 40031/50000 [4:56:41<1:12:12, 2.30it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 80% 40106/50000 [4:57:14<1:10:57, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 80% 40181/50000 [4:57:47<1:10:25, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 80% 40217/50000 [4:58:03<1:09:48, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 81% 40309/50000 [4:58:43<1:09:08, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 81% 40333/50000 [4:58:54<1:09:21, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 81% 40422/50000 [4:59:32<1:07:58, 2.35it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 81% 40454/50000 [4:59:47<1:08:29, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 81% 40499/50000 [5:00:06<1:07:55, 2.33it/s]40500; G: 139.715; D: 103.060; Grad: 23.595; Alpha: 1.000\n",
" 81% 40517/50000 [5:00:15<1:08:07, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 81% 40588/50000 [5:00:46<1:07:10, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 81% 40668/50000 [5:01:20<1:06:54, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 81% 40712/50000 [5:01:40<1:06:22, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 82% 40753/50000 [5:01:58<1:06:33, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 82% 40837/50000 [5:02:34<1:05:17, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 82% 40860/50000 [5:02:44<1:04:54, 2.35it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 82% 40920/50000 [5:03:10<1:05:10, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 82% 40980/50000 [5:03:36<1:04:21, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 82% 40999/50000 [5:03:45<1:04:27, 2.33it/s]41000; G: 131.698; D: 101.041; Grad: 25.080; Alpha: 1.000\n",
" 82% 41040/50000 [5:04:04<1:03:51, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 82% 41136/50000 [5:04:46<1:03:49, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 82% 41160/50000 [5:04:57<1:03:00, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 83% 41268/50000 [5:05:44<1:02:45, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 83% 41280/50000 [5:05:49<1:02:17, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 83% 41354/50000 [5:06:22<1:02:03, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 83% 41414/50000 [5:06:48<1:01:53, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 83% 41472/50000 [5:07:13<1:01:28, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 83% 41499/50000 [5:07:25<1:01:17, 2.31it/s]41500; G: 130.808; D: 93.851; Grad: 22.987; Alpha: 1.000\n",
" 83% 41550/50000 [5:07:47<1:00:30, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 83% 41595/50000 [5:08:07<1:00:21, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 83% 41642/50000 [5:08:28<1:25:55, 1.62it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 83% 41747/50000 [5:09:14<59:06, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 84% 41797/50000 [5:09:36<58:37, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 84% 41842/50000 [5:09:56<58:24, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 84% 41891/50000 [5:10:17<58:33, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 84% 41973/50000 [5:10:53<57:30, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 84% 41999/50000 [5:11:04<57:10, 2.33it/s]42000; G: 101.076; D: 69.917; Grad: 16.791; Alpha: 1.000\n",
" 84% 42015/50000 [5:11:13<57:43, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 84% 42109/50000 [5:11:54<56:24, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 84% 42121/50000 [5:11:59<1:22:25, 1.59it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 84% 42217/50000 [5:12:41<55:48, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 85% 42256/50000 [5:12:58<55:27, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 85% 42328/50000 [5:13:30<55:08, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 85% 42369/50000 [5:13:48<55:31, 2.29it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 85% 42420/50000 [5:14:10<54:12, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 85% 42499/50000 [5:14:44<53:40, 2.33it/s]42500; G: 135.378; D: 98.431; Grad: 23.015; Alpha: 1.000\n",
" 85% 42510/50000 [5:14:49<53:25, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 85% 42540/50000 [5:15:02<53:12, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 85% 42640/50000 [5:15:46<52:42, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 85% 42710/50000 [5:16:17<52:21, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 85% 42733/50000 [5:16:27<52:27, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 86% 42780/50000 [5:16:47<51:38, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 86% 42865/50000 [5:17:25<51:03, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 86% 42913/50000 [5:17:46<51:01, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 86% 42998/50000 [5:18:23<50:07, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 86% 42999/50000 [5:18:23<50:03, 2.33it/s]43000; G: 148.183; D: 104.488; Grad: 23.694; Alpha: 1.000\n",
" 86% 43048/50000 [5:18:46<49:43, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 86% 43125/50000 [5:19:20<49:17, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 86% 43150/50000 [5:19:31<49:33, 2.30it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 86% 43233/50000 [5:20:07<48:15, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 87% 43288/50000 [5:20:31<47:59, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 87% 43320/50000 [5:20:45<47:52, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 87% 43419/50000 [5:21:28<46:56, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 87% 43483/50000 [5:21:56<46:50, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 87% 43499/50000 [5:22:03<46:33, 2.33it/s]43500; G: 104.386; D: 70.913; Grad: 20.038; Alpha: 1.000\n",
" 87% 43534/50000 [5:22:19<46:13, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 87% 43601/50000 [5:22:48<45:45, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 87% 43634/50000 [5:23:03<45:47, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 87% 43686/50000 [5:23:26<47:11, 2.23it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 87% 43740/50000 [5:23:49<44:41, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 88% 43849/50000 [5:24:36<43:59, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 88% 43896/50000 [5:24:57<43:36, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 88% 43937/50000 [5:25:15<43:27, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 88% 43992/50000 [5:25:39<43:14, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 88% 43999/50000 [5:25:42<43:16, 2.31it/s]44000; G: 136.789; D: 94.388; Grad: 22.942; Alpha: 1.000\n",
" 88% 44058/50000 [5:26:10<42:33, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 88% 44128/50000 [5:26:40<42:06, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 88% 44181/50000 [5:27:04<41:27, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 89% 44260/50000 [5:27:38<40:54, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 89% 44296/50000 [5:27:54<41:03, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 89% 44355/50000 [5:28:20<40:27, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 89% 44422/50000 [5:28:49<39:52, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 89% 44462/50000 [5:29:07<46:31, 1.98it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 89% 44499/50000 [5:29:23<39:37, 2.31it/s]44500; G: 136.403; D: 97.127; Grad: 24.480; Alpha: 1.000\n",
" 89% 44561/50000 [5:29:50<38:51, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 89% 44622/50000 [5:30:17<38:32, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 89% 44640/50000 [5:30:24<38:14, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 89% 44742/50000 [5:31:09<37:41, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 90% 44760/50000 [5:31:17<37:23, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 90% 44857/50000 [5:31:59<36:41, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 90% 44886/50000 [5:32:12<39:01, 2.18it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 90% 44988/50000 [5:32:57<35:58, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 90% 44999/50000 [5:33:01<35:41, 2.33it/s]45000; G: 134.559; D: 96.261; Grad: 23.693; Alpha: 1.000\n",
" 90% 45001/50000 [5:33:04<1:12:12, 1.15it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 90% 45065/50000 [5:33:32<39:10, 2.10it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 90% 45157/50000 [5:34:12<34:32, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 90% 45205/50000 [5:34:33<34:14, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 91% 45287/50000 [5:35:09<33:43, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 91% 45301/50000 [5:35:15<44:40, 1.75it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 91% 45380/50000 [5:35:50<33:04, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 91% 45436/50000 [5:36:14<32:47, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 91% 45496/50000 [5:36:41<32:11, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 91% 45499/50000 [5:36:42<32:18, 2.32it/s]45500; G: 127.896; D: 92.807; Grad: 22.855; Alpha: 1.000\n",
" 91% 45580/50000 [5:37:17<31:40, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 91% 45626/50000 [5:37:37<31:14, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 91% 45704/50000 [5:38:11<30:43, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 92% 45765/50000 [5:38:38<30:13, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 92% 45825/50000 [5:39:04<30:00, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 92% 45872/50000 [5:39:25<29:31, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 92% 45934/50000 [5:39:52<29:11, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 92% 45960/50000 [5:40:03<28:56, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 92% 45999/50000 [5:40:20<28:37, 2.33it/s]46000; G: 113.910; D: 74.581; Grad: 18.656; Alpha: 1.000\n",
" 92% 46055/50000 [5:40:46<28:08, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 92% 46086/50000 [5:41:00<29:39, 2.20it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 92% 46174/50000 [5:41:38<27:23, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 92% 46212/50000 [5:41:55<27:17, 2.31it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 93% 46279/50000 [5:42:24<26:44, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 93% 46368/50000 [5:43:03<25:47, 2.35it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 93% 46423/50000 [5:43:27<25:32, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 93% 46475/50000 [5:43:50<25:12, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 93% 46499/50000 [5:44:00<24:57, 2.34it/s]46500; G: 55.102; D: 55.831; Grad: 17.412; Alpha: 1.000\n",
" 93% 46510/50000 [5:44:05<25:19, 2.30it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 93% 46605/50000 [5:44:46<24:18, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 93% 46668/50000 [5:45:14<23:43, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 93% 46680/50000 [5:45:19<23:36, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 93% 46741/50000 [5:45:46<31:37, 1.72it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 94% 46831/50000 [5:46:26<22:38, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 94% 46892/50000 [5:46:52<22:16, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 94% 46964/50000 [5:47:24<21:39, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 94% 46992/50000 [5:47:36<21:37, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 94% 46999/50000 [5:47:39<21:25, 2.33it/s]47000; G: 137.681; D: 98.338; Grad: 24.190; Alpha: 1.000\n",
" 94% 47043/50000 [5:48:00<24:25, 2.02it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 94% 47112/50000 [5:48:30<20:45, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 94% 47160/50000 [5:48:51<20:17, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 95% 47261/50000 [5:49:35<19:36, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 95% 47292/50000 [5:49:49<19:26, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 95% 47353/50000 [5:50:15<18:58, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 95% 47409/50000 [5:50:39<18:47, 2.30it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 95% 47460/50000 [5:51:01<18:08, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 95% 47499/50000 [5:51:19<17:51, 2.33it/s]47500; G: 99.769; D: 66.839; Grad: 16.795; Alpha: 1.000\n",
" 95% 47540/50000 [5:51:37<17:34, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 95% 47615/50000 [5:52:09<17:04, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 95% 47640/50000 [5:52:20<16:54, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 95% 47727/50000 [5:52:59<16:14, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 96% 47810/50000 [5:53:35<15:37, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 96% 47821/50000 [5:53:40<23:21, 1.55it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 96% 47880/50000 [5:54:05<15:06, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 96% 47991/50000 [5:54:54<14:19, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 96% 47999/50000 [5:54:57<14:15, 2.34it/s]48000; G: 121.041; D: 79.471; Grad: 20.490; Alpha: 1.000\n",
" 96% 48049/50000 [5:55:21<13:59, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 96% 48066/50000 [5:55:29<14:42, 2.19it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 96% 48122/50000 [5:55:53<16:23, 1.91it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 96% 48201/50000 [5:56:28<12:49, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 97% 48267/50000 [5:56:57<12:21, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 97% 48300/50000 [5:57:11<12:08, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 97% 48380/50000 [5:57:46<11:33, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 97% 48467/50000 [5:58:24<10:58, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 97% 48499/50000 [5:58:38<10:41, 2.34it/s]48500; G: 131.562; D: 94.069; Grad: 21.976; Alpha: 1.000\n",
" 97% 48503/50000 [5:58:40<10:40, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 97% 48540/50000 [5:58:56<10:26, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 97% 48643/50000 [5:59:41<09:44, 2.32it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 97% 48710/50000 [6:00:11<09:14, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 98% 48768/50000 [6:00:36<08:55, 2.30it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 98% 48780/50000 [6:00:41<08:44, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 98% 48862/50000 [6:01:17<08:09, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 98% 48900/50000 [6:01:33<07:51, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 98% 48960/50000 [6:02:00<07:22, 2.35it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 98% 48999/50000 [6:02:17<07:10, 2.33it/s]49000; G: 146.426; D: 99.811; Grad: 24.123; Alpha: 1.000\n",
" 98% 49048/50000 [6:02:39<06:46, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 98% 49080/50000 [6:02:53<06:31, 2.35it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 98% 49185/50000 [6:03:39<05:48, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 98% 49243/50000 [6:04:04<05:23, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 99% 49286/50000 [6:04:23<05:05, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 99% 49367/50000 [6:04:58<04:31, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 99% 49415/50000 [6:05:20<04:08, 2.35it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 99% 49441/50000 [6:05:31<05:05, 1.83it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 99% 49499/50000 [6:05:56<03:34, 2.34it/s]49500; G: 112.875; D: 69.847; Grad: 20.885; Alpha: 1.000\n",
" 99% 49500/50000 [6:05:56<03:33, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 99% 49562/50000 [6:06:24<03:45, 1.95it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 99% 49648/50000 [6:07:01<02:31, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
" 99% 49724/50000 [6:07:34<01:57, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
"100% 49767/50000 [6:07:53<01:39, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
"100% 49848/50000 [6:08:28<01:05, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
"100% 49860/50000 [6:08:33<00:59, 2.34it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
"100% 49961/50000 [6:09:18<00:16, 2.33it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
"100% 49991/50000 [6:09:31<00:03, 2.30it/s]/usr/local/lib/python3.6/dist-packages/PIL/Image.py:969: UserWarning: Palette images with Transparency expressed in bytes should be converted to RGBA images\n",
" 'to RGBA images')\n",
"100% 49999/50000 [6:09:35<00:00, 2.33it/s]50000; G: 60.340; D: 36.834; Grad: 11.674; Alpha: 1.000\n",
"100% 50000/50000 [6:09:36<00:00, 2.25it/s]\n"
],
"name": "stdout"
}
]
},
{
"cell_type": "code",
"metadata": {
"id": "1wmiUMTyfpuw"
},
"source": [
"!cp -r /content/trial_test1_2020-12-30_6_37/ /content/drive/MyDrive/trial_test1_2020-12-30_6_37/"
],
"execution_count": null,
"outputs": []
},
{
"cell_type": "code",
"metadata": {
"id": "_J0qzDE0hzkd"
},
"source": [
""
],
"execution_count": null,
"outputs": []
}
]
}
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment